diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..0f89448 --- /dev/null +++ b/.gitignore @@ -0,0 +1,8 @@ +.idea +.coverage +htmlcov/ +MOT17Labels/ +*.zip +outputs/ +MOT17/ +venv/ diff --git a/README.md b/README.md index 91bc3ec..5e3ecee 100644 --- a/README.md +++ b/README.md @@ -16,22 +16,19 @@ See the [arXiv preprint](http://arxiv.org/abs/2103.04147) for more information.

-## Dependencies - -The code is compatible with Python 3. The following dependencies are -needed to run the tracker: - -* NumPy -* sklearn -* OpenCV -* filterpy - ## Installation First, clone the repository: ``` git clone https://github.com/mhnasseri/sort_oh.git ``` + +Install the dependencies using + +``` +pip install -r requirements.txt +``` + Then, download the MOT17 dataset from [here](https://motchallenge.net/data/MOT17/). In order to results on MOT16 be comparable with the results of SORT and DeepSORT algorithms, the private detection taken from the following paper: diff --git a/libs/association.py b/libs/association.py index 4331412..80c3464 100644 --- a/libs/association.py +++ b/libs/association.py @@ -1,37 +1,58 @@ import numpy as np from scipy.optimize import linear_sum_assignment + +from . import utils from . import calculate_cost from . import visualization -def associate_detections_to_trackers(mot_tracker, detections, trackers, groundtruths, average_area, iou_threshold=0.3): - """ - Assigns detections to tracked object (both represented as bounding boxes) - Returns 5 lists of matches, unmatched_detections, unmatched_trackers, occluded_trackers and unmatched ground truths - """ - if len(trackers) == 0 or len(detections) == 0: - return np.empty((0, 2), dtype=int), np.arange(len(detections)), np.empty((0, 1), dtype=int), np.empty((0, 1), dtype=int), np.empty((0, 1), dtype=int) +def __array_of_ndarray_tolist(l): + return utils.list_of_ndarray_tolist(l) - # assign only according to iou - # calculate intersection over union cost - iou_matrix = calculate_cost.cal_iou(detections, trackers) - ios_matrix = calculate_cost.cal_ios_matrix(trackers) - matched_indices = linear_sum_assignment(-iou_matrix) - matched_indices = np.asarray(matched_indices) - matched_indices = np.transpose(matched_indices) # first column: detection indexes, second column: object indexes +def __kalmantrackers_list_to_dict(kalman_trackers): + return list(map(lambda x: { + "time_since_observed": x.time_since_observed, + "confidence": x.confidence if isinstance(x.confidence, float) or isinstance(x.confidence, int) else float( + x.confidence.tolist()[0]), + "age": x.age, + }, kalman_trackers)) + + +def __tracker_to_dict(tracker): + return { + "trackers": __kalmantrackers_list_to_dict(tracker.trackers), + "frame_count": tracker.frame_count, + "min_hits": tracker.min_hits, + "conf_trgt": tracker.conf_trgt, + "conf_objt": tracker.conf_objt, + "unmatched_before": __array_of_ndarray_tolist(tracker.unmatched_before), + } + +def _unmatched_detections(detections, matched_indices): unmatched_detections = [] for d, det in enumerate(detections): if d not in matched_indices[:, 0]: unmatched_detections.append(d) + return unmatched_detections + + +def _unmatched_trackers(trackers, matched_indices): unmatched_trackers = [] for t, trk in enumerate(trackers): if t not in matched_indices[:, 1]: unmatched_trackers.append(t) - # filter out matched with low IOU + return unmatched_trackers + + +def _filter_low_iou(matched_indices, iou_matrix, iou_threshold, unmatched_detections, unmatched_trackers, + kalman_trackers): + """ + WARNING: This writes to kalman_trackers, unmatched_detections, unmatched_trackers + """ matches = [] for m in matched_indices: if iou_matrix[m[0], m[1]] < iou_threshold: @@ -39,7 +60,127 @@ def associate_detections_to_trackers(mot_tracker, detections, trackers, groundtr unmatched_trackers.append(m[1]) else: matches.append(m.reshape(1, 2)) - mot_tracker.trackers[m[1]].time_since_observed = 0 + kalman_trackers[m[1]].time_since_observed = 0 + + return matches + + +def _clean_up_to_delete(matches_ext_com, unmatched_detections, unmatched_trackers, matches, unmatched_before): + """ + WARNING: This writes to unmatched_before + """ + to_del_und = [] + to_del_unt = [] + to_del_undb = [] + matches_ext = np.empty((0, 2), dtype=int) + if len(matches_ext_com) > 0: + matches_ext_com = np.concatenate(matches_ext_com, axis=0) + for m in matches_ext_com: + new = np.array([[unmatched_detections[m[1]], unmatched_trackers[m[0]]]]) + matches_ext = np.append(matches_ext, new, axis=0) + to_del_unt.append(m[0]) + to_del_und.append(m[1]) + to_del_undb.append(m[2]) + matches = np.concatenate((matches, matches_ext)) + if len(to_del_unt) > 0: + to_del_unt = np.array(to_del_unt) + to_del_unt = np.sort(to_del_unt) + for i in reversed(to_del_unt): + unmatched_trackers = np.delete(unmatched_trackers, i, 0) + if len(to_del_und) > 0: + to_del_und = np.array(to_del_und) + to_del_und = np.sort(to_del_und) + for i in reversed(to_del_und): + unmatched_detections = np.delete(unmatched_detections, i, 0) + if len(to_del_undb) > 0: + to_del_undb = np.array(to_del_undb) + to_del_undb = np.sort(to_del_undb) + for i in reversed(to_del_undb): + unmatched_before.pop(i) + + return matches, unmatched_trackers, unmatched_detections + + +def _occluded_trackers(frame_count, min_hits, ios_matrix, unmatched_trackers, trackers, kalman_trackers, average_area, + conf_trgt, conf_objt): + """ + WARNING: This writes to kalman_trackers + """ + occluded_trackers = [] + if frame_count > min_hits: + trks_occlusion = np.amax(ios_matrix, axis=0) + unm_trks = unmatched_trackers + unmatched_trackers = [] + for ut in unm_trks: + ut_area = (trackers[ut, 3] - trackers[ut, 1]) * (trackers[ut, 2] - trackers[ut, 0]) + kalman_trackers[ut].time_since_observed += 1 + kalman_trackers[ut].confidence = min(1, kalman_trackers[ut].age / ( + kalman_trackers[ut].time_since_observed * 10) * (ut_area / average_area)) + if trks_occlusion[ut] > 0.3 and kalman_trackers[ut].confidence > conf_trgt: + # if trks_occlusion[ut] > 0.3 and ut_area > 0.7 * average_area and mot_tracker.trackers[ut].age > 5: + occluded_trackers.append(ut) + elif kalman_trackers[ut].confidence > conf_objt: + # elif mot_tracker.trackers[ut].age > (mot_tracker.trackers[ut].time_since_observed * 10 + 10) and mot_tracker.trackers[ut].time_since_observed < 5: + occluded_trackers.append(ut) + else: + unmatched_trackers.append(ut) + + return occluded_trackers, unmatched_trackers + + +def _build_iou_matrix_ext(unmatched_trackers, unmatched_detections, detections, trackers, kalman_trackers): + iou_matrix_ext = np.zeros((len(unmatched_trackers), len(unmatched_detections)), dtype=np.float32) + for ud in range(len(unmatched_detections)): + for ut in range(len(unmatched_trackers)): + param_x = np.minimum(1.2, (kalman_trackers[unmatched_trackers[ut]].time_since_observed + 1) * 0.3) + param_y = np.minimum(0.5, (kalman_trackers[unmatched_trackers[ut]].time_since_observed + 1) * 0.1) + iou_matrix_ext[ut, ud] = calculate_cost.iou_ext_sep(detections[unmatched_detections[ud]], + trackers[unmatched_trackers[ut]], + param_x, + param_y) + return iou_matrix_ext + + +def _filter_low_iou_low_area(matched_indices_ext, matched_indices, iou_matrix_ext, iou_threshold, iou_matrix): + matches_ext_com = [] + del_ind = np.empty((0, 3), dtype=int) + for m in matched_indices_ext: + ind = matched_indices[np.where(matched_indices[:, 0] == m[1]), 1] + if ind.size: + if (iou_matrix_ext[m[0], m[1]] >= iou_threshold) and (iou_matrix[m[1], ind] >= iou_threshold): + matches_ext_com.append(np.concatenate((m.reshape(1, 2), ind), axis=1)) + # remove matched detections from unmatched arrays + del_ind = np.concatenate((del_ind, np.array([m[0], m[1], ind.item(0)]).reshape(1, 3))) + + return matches_ext_com, del_ind + + +def associate_detections_to_trackers(mot_tracker, detections, trackers, groundtruths, average_area, + iou_threshold=0.3, ): + """ + Assigns detections to tracked object (both represented as bounding boxes) + Returns 5 lists of matches, unmatched_detections, unmatched_trackers, occluded_trackers and unmatched ground truths + """ + if len(trackers) == 0 or len(detections) == 0: + return np.empty((0, 2), dtype=int), \ + np.arange(len(detections)), \ + np.empty((0, 1), dtype=int),\ + np.empty((0, 1), dtype=int),\ + np.empty((0, 1), dtype=int) + + # assign only according to iou + # calculate intersection over union cost + iou_matrix = calculate_cost.cal_iou(detections, trackers) + ios_matrix = calculate_cost.cal_ios_matrix(trackers) + + matched_indices = linear_sum_assignment(-iou_matrix) + matched_indices = np.asarray(matched_indices) + matched_indices = np.transpose(matched_indices) # first column: detection indexes, second column: object indexes + + unmatched_detections = _unmatched_detections(detections, matched_indices) + unmatched_trackers = _unmatched_trackers(trackers, matched_indices) + matches = _filter_low_iou(matched_indices, iou_matrix, iou_threshold, unmatched_detections, unmatched_trackers, + mot_tracker.trackers) unmatched_detections = np.array(unmatched_detections) unmatched_trackers = np.array(unmatched_trackers) @@ -53,83 +194,30 @@ def associate_detections_to_trackers(mot_tracker, detections, trackers, groundtr unm_dets = [] for ud in unmatched_detections: unm_dets.append(detections[ud]) + iou_matrix = calculate_cost.cal_iou(unm_dets, mot_tracker.unmatched_before) matched_indices = linear_sum_assignment(-iou_matrix) matched_indices = np.asarray(matched_indices) matched_indices = np.transpose(matched_indices) - iou_matrix_ext = np.zeros((len(unmatched_trackers), len(unmatched_detections)), dtype=np.float32) - for ud in range(len(unmatched_detections)): - for ut in range(len(unmatched_trackers)): - iou_matrix_ext[ut, ud] = calculate_cost.iou_ext_sep(detections[unmatched_detections[ud]], - trackers[unmatched_trackers[ut]], - np.minimum(1.2, (mot_tracker.trackers[ - unmatched_trackers[ - ut]].time_since_observed + 1) * 0.3), - np.minimum(0.5, (mot_tracker.trackers[ - unmatched_trackers[ - ut]].time_since_observed + 1) * 0.1)) + iou_matrix_ext = _build_iou_matrix_ext(unmatched_trackers, unmatched_detections, detections, trackers, + mot_tracker.trackers) matched_indices_ext = linear_sum_assignment(-iou_matrix_ext) matched_indices_ext = np.asarray(matched_indices_ext) matched_indices_ext = np.transpose(matched_indices_ext) - # filter out matched with low IOU and low area - matches_ext_com = [] - del_ind = np.empty((0, 3), dtype=int) - for m in matched_indices_ext: - ind = matched_indices[np.where(matched_indices[:, 0] == m[1]), 1] - if ind.size: - if (iou_matrix_ext[m[0], m[1]] >= iou_threshold) and (iou_matrix[m[1], ind] >= iou_threshold): - matches_ext_com.append(np.concatenate((m.reshape(1, 2), ind), axis=1)) - # remove matched detections from unmatched arrays - del_ind = np.concatenate((del_ind, np.array([m[0], m[1], ind.item(0)]).reshape(1, 3))) - - to_del_und = [] - to_del_unt = [] - to_del_undb = [] - matches_ext = np.empty((0, 2), dtype=int) - if len(matches_ext_com) > 0: - matches_ext_com = np.concatenate(matches_ext_com, axis=0) - for m in matches_ext_com: - new = np.array([[unmatched_detections[m[1]], unmatched_trackers[m[0]]]]) - matches_ext = np.append(matches_ext, new, axis=0) - to_del_unt.append(m[0]) - to_del_und.append(m[1]) - to_del_undb.append(m[2]) - matches = np.concatenate((matches, matches_ext)) - if len(to_del_unt) > 0: - to_del_unt = np.array(to_del_unt) - to_del_unt = np.sort(to_del_unt) - for i in reversed(to_del_unt): - unmatched_trackers = np.delete(unmatched_trackers, i, 0) - if len(to_del_und) > 0: - to_del_und = np.array(to_del_und) - to_del_und = np.sort(to_del_und) - for i in reversed(to_del_und): - unmatched_detections = np.delete(unmatched_detections, i, 0) - if len(to_del_undb) > 0: - to_del_undb = np.array(to_del_undb) - to_del_undb = np.sort(to_del_undb) - for i in reversed(to_del_undb): - mot_tracker.unmatched_before.pop(i) + matches_ext_com, del_ind = _filter_low_iou_low_area(matched_indices_ext, matched_indices, iou_matrix_ext, + iou_threshold, iou_matrix) - occluded_trackers = [] - if mot_tracker.frame_count > mot_tracker.min_hits: - trks_occlusion = np.amax(ios_matrix, axis=0) - unm_trks = unmatched_trackers - unmatched_trackers = [] - for ut in unm_trks: - ut_area = (trackers[ut, 3] - trackers[ut, 1])*(trackers[ut, 2] - trackers[ut, 0]) - mot_tracker.trackers[ut].time_since_observed += 1 - mot_tracker.trackers[ut].confidence = min(1, mot_tracker.trackers[ut].age/(mot_tracker.trackers[ut].time_since_observed*10)*(ut_area/average_area)) - if trks_occlusion[ut] > 0.3 and mot_tracker.trackers[ut].confidence > mot_tracker.conf_trgt: - # if trks_occlusion[ut] > 0.3 and ut_area > 0.7 * average_area and mot_tracker.trackers[ut].age > 5: - occluded_trackers.append(ut) - elif mot_tracker.trackers[ut].confidence > mot_tracker.conf_objt: - # elif mot_tracker.trackers[ut].age > (mot_tracker.trackers[ut].time_since_observed * 10 + 10) and mot_tracker.trackers[ut].time_since_observed < 5: - occluded_trackers.append(ut) - else: - unmatched_trackers.append(ut) + matches, unmatched_trackers, unmatched_detections = _clean_up_to_delete(matches_ext_com, + unmatched_detections, + unmatched_trackers, matches, + mot_tracker.unmatched_before) + + occluded_trackers, unmatched_trackers = _occluded_trackers(mot_tracker.frame_count, mot_tracker.min_hits, + ios_matrix, unmatched_trackers, trackers, + mot_tracker.trackers, average_area, + mot_tracker.conf_trgt, mot_tracker.conf_objt) # find unmatched ground truths unmatched_groundtruths = [] @@ -147,40 +235,41 @@ def associate_detections_to_trackers(mot_tracker, detections, trackers, groundtr if g not in matched_indices_1[:, 0]: unmatched_groundtruths.append(g) - return matches, unmatched_detections, unmatched_trackers, np.array(occluded_trackers), np.array(unmatched_groundtruths) + return matches, unmatched_detections, unmatched_trackers, np.array(occluded_trackers), np.array( + unmatched_groundtruths) -def find_new_trackers(detections, detections_before, iou_threshold=0.3): - """ - Detect new trackers from unmateched detection in current frame and before frame (both represented as bounding boxes) - Returns list of new trackers - """ - if len(detections) == 0 or len(detections_before) == 0: - return np.empty((0, 2), dtype=int) - iou_matrix = calculate_cost.cal_iou(detections, detections_before) - # first column: detection indexes, second column: object indexes - matched_indices = linear_sum_assignment(-iou_matrix) - matched_indices = np.asarray(matched_indices) - matched_indices = np.transpose(matched_indices) - - # filter out matched with low IOU - matches = [] - for m in matched_indices: - if iou_matrix[m[0], m[1]] >= iou_threshold: - matches.append(m.reshape(1, 2)) - if len(matches) == 0: - matches = np.empty((0, 2), dtype=int) - else: - matches = np.concatenate(matches, axis=0) - - return matches +# def find_new_trackers(detections, detections_before, iou_threshold=0.3): +# """ +# Detect new trackers from unmateched detection in current frame and before frame (both represented as bounding boxes) +# Returns list of new trackers +# """ +# if len(detections) == 0 or len(detections_before) == 0: +# return np.empty((0, 2), dtype=int) +# iou_matrix = calculate_cost.cal_iou(detections, detections_before) +# # first column: detection indexes, second column: object indexes +# matched_indices = linear_sum_assignment(-iou_matrix) +# matched_indices = np.asarray(matched_indices) +# matched_indices = np.transpose(matched_indices) +# +# # filter out matched with low IOU +# matches = [] +# for m in matched_indices: +# if iou_matrix[m[0], m[1]] >= iou_threshold: +# matches.append(m.reshape(1, 2)) +# if len(matches) == 0: +# matches = np.empty((0, 2), dtype=int) +# else: +# matches = np.concatenate(matches, axis=0) +# +# return matches def find_new_trackers_2(detections, detections_before, detections_before_before, average_area, iou_threshold=0.3): """ - Detect new trackers from unmateched detection in current frame and before frame (both represented as bounding boxes) - Returns list of new trackers - """ + Detect new trackers from unmateched detection in current frame and before frame (both represented as bounding boxes) + Returns list of new trackers + """ if len(detections) == 0 or len(detections_before) == 0 or len(detections_before_before) == 0: return np.empty((0, 2), dtype=int) iou_matrix = calculate_cost.cal_iou(detections, detections_before) @@ -212,7 +301,3 @@ def find_new_trackers_2(detections, detections_before, detections_before_before, matches = np.concatenate(matches, axis=0) return matches, del_ind - - - - diff --git a/libs/calculate_cost.py b/libs/calculate_cost.py index 60f5db5..146956e 100644 --- a/libs/calculate_cost.py +++ b/libs/calculate_cost.py @@ -2,11 +2,11 @@ import numpy as np -@jit +# @jit def iou(bb_det, bb_trk): """ - Computes IOU (Intersection Over Union) between two bounding boxes in the form [x1,y1,x2,y2] - """ + Computes IOU (Intersection Over Union) between two bounding boxes in the form [x1,y1,x2,y2] + """ xx1 = np.maximum(bb_det[0], bb_trk[0]) xx2 = np.minimum(bb_det[2], bb_trk[2]) w = np.maximum(0., xx2 - xx1) @@ -72,7 +72,7 @@ def iou_ext_sep(bb_det, bb_trk, ext_w, ext_h): return o -@jit +# @jit def outside(trk, img_s): """ Computes how many percent of trk is placed outside of img_s @@ -92,7 +92,7 @@ def outside(trk, img_s): return out_a / area -@jit +# @jit def area_cost(bb_det, bb_trk): """ This cost compute the difference between bounding box sizes @@ -124,13 +124,13 @@ def area_cost(bb_det, bb_trk): return ratio - 1 -@jit +# @jit # intersection over union with limit on area def iou_la(bb_det, bb_trk): """ - Computes IOU (Intersection Over Union) between two bounding boxes in the form [x1,y1,x2,y2] - with limitation on percentage of change of area - """ + Computes IOU (Intersection Over Union) between two bounding boxes in the form [x1,y1,x2,y2] + with limitation on percentage of change of area + """ xx1 = np.maximum(bb_det[0], bb_trk[0]) xx2 = np.minimum(bb_det[2], bb_trk[2]) w = np.maximum(0., xx2 - xx1) @@ -153,11 +153,11 @@ def iou_la(bb_det, bb_trk): return o -@jit +# @jit def ios(bb_first, bb_second): """ - Computes IOS (Intersection Over Second Bounding Box) between two bounding boxes in the form [x1,y1,x2,y2] - """ + Computes IOS (Intersection Over Second Bounding Box) between two bounding boxes in the form [x1,y1,x2,y2] + """ xx1 = np.maximum(bb_first[0], bb_second[0]) yy1 = np.maximum(bb_first[1], bb_second[1]) xx2 = np.minimum(bb_first[2], bb_second[2]) @@ -208,5 +208,3 @@ def cal_ios_matrix(trackers): if t2 != t1: ios_matrix[t1, t2] = ios(trk1, trk2) return ios_matrix - - diff --git a/libs/convert.py b/libs/convert.py index e97165e..124bced 100644 --- a/libs/convert.py +++ b/libs/convert.py @@ -3,10 +3,10 @@ def bbox_to_z(bbox): """ - Takes a bounding box in the form [x1,y1,x2,y2] and returns z in the form + 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 centre of the box and s is the scale/area and r is the aspect ratio - """ + """ w = bbox[2] - bbox[0] h = bbox[3] - bbox[1] x = bbox[0] + w / 2. @@ -18,9 +18,9 @@ def bbox_to_z(bbox): def x_to_bbox(x, score=None): """ - Takes a bounding box in the centre form [x,y,s,r] and returns it in the form + Takes a bounding box in the centre form [x,y,s,r] and returns it in the form [x1,y1,x2,y2] where x1,y1 is the top left and x2,y2 is the bottom right - """ + """ w = np.sqrt(x[2] * x[3]) h = x[2] / w if score is None: diff --git a/libs/kalman_tracker.py b/libs/kalman_tracker.py index f083629..51df1d4 100644 --- a/libs/kalman_tracker.py +++ b/libs/kalman_tracker.py @@ -5,39 +5,66 @@ class KalmanBoxTracker(object): """ - This class represents the internel state of individual tracked objects observed as bbox. - """ + This class represents the internal state of individual tracked objects observed as bbox. + """ + count = 0 def __init__(self, bbox, init_mode, bbox_before): """ - Initialises a tracker using initial bounding box. - """ + Initialises a tracker using initial bounding box. + """ # define constant velocity model # (u, v, s, r, u_dot, v_dot, s_dot) -> (u,v): location center, s: area, r: aspect ratio + # dim_x: Number of state variables for the Kalman filter + # dim_z: Number of of measurement inputs a.k.a observations self.kf = KalmanFilter(dim_x=7, dim_z=4) + # state transition matrix 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]]) + [[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]]) + # measurement function a.k.a stateProjection 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]]) + [[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]]) if init_mode == 0: + # Measurement noise matrix self.kf.R[2:, 2:] *= 1. # 10. + + # covariance matrix self.kf.P[4:, 4:] *= 10. # 1000. # give high uncertainty to the unobservable initial velocities self.kf.P *= 10. + + # Process uncertainty/noise self.kf.Q[-1, -1] *= 0.01 self.kf.Q[4:, 4:] *= 0.01 + + # filter state estimate self.kf.x[:4] = convert.bbox_to_z(bbox) elif init_mode == 1: + # Measurement noise matrix self.kf.R[2:, 2:] *= 1. + + # covariance matrix self.kf.P[4:, 4:] *= 10. # give high uncertainty to the unobservable initial velocities # self.kf.P *= 10. + + # Process uncertainty/noise self.kf.Q[-1, -1] *= 0.01 self.kf.Q[4:, 4:] *= 0.01 + state_before = convert.bbox_to_z(bbox_before) state = convert.bbox_to_z(bbox) + # filter state estimate self.kf.x[:4] = state self.kf.x[4:] = state[0:3] - state_before[0:3] @@ -51,8 +78,8 @@ def __init__(self, bbox, init_mode, bbox_before): def update(self, bbox, isz): """ - Updates the state vector with observed bbox. - """ + Updates the state vector with observed bbox. + """ self.time_since_update = 0 if isz == 0: # decrease area change ratio @@ -64,18 +91,33 @@ def update(self, bbox, isz): def predict(self): """ - Advances the state vector and returns the predicted bounding box estimate. - """ + Advances the state vector and returns the predicted bounding box estimate. + """ # to prevent area become negative after prediction, make zero the rate of area change if (self.kf.x[6] + self.kf.x[2]) <= 0: self.kf.x[6] *= 0.0 self.kf.predict() self.age += 1 self.time_since_update += 1 + return convert.x_to_bbox(self.kf.x) def get_state(self): """ - Returns the current bounding box estimate. - """ + Returns the current bounding box estimate. + """ return convert.x_to_bbox(self.kf.x) + + def to_json(self): + return { + "time_since_observed": self.time_since_observed, + "confidence": self.confidence if isinstance(self.confidence, float) or isinstance(self.confidence, int) else float(self.confidence.tolist()[0]), + "age": self.age, + "get_state": self.get_state().tolist(), + "time_since_update": self.time_since_update, + "id": self.id, + "kf": { + "x": self.kf.x.tolist(), + "covariance": self.kf.P.tolist() + } + } diff --git a/libs/tracker.py b/libs/tracker.py index 6d30404..c1ae341 100644 --- a/libs/tracker.py +++ b/libs/tracker.py @@ -1,15 +1,118 @@ import numpy as np + +from . import utils from . import association from . import kalman_tracker from . import calculate_cost +def _init_area_and_trackers(kalman_trackers): + """ + WARNING: This writes to kalman_trackers + """ + trks = np.zeros((len(kalman_trackers), 5)) + to_del = [] + area_sum = 0 + for t, trk in enumerate(trks): + pos = kalman_trackers[t].predict()[0] + trk[:] = [pos[0], pos[1], pos[2], pos[3], 0] + area_sum = area_sum + kalman_trackers[t].kf.x[2] + + if not np.isscalar(area_sum): + area_sum = area_sum[0] + if np.any(np.isnan(pos)): + to_del.append(t) + area_avg = 0 + if len(kalman_trackers) > 0: + area_avg = area_sum / len(kalman_trackers) + trks = np.ma.compress_rows(np.ma.masked_invalid(trks)) + for t in reversed(to_del): + kalman_trackers.pop(t) + + return trks, area_avg + + +def _remove_outside_trackers(trks, kalman_trackers, scene): + """ + Warning: Writes to trks, kalman_trackers + """ + outside = calculate_cost.cal_outside(trks, scene) + to_del = [] + for t in range(len(outside)): + if outside[t] > 0.5: + to_del.append(t) + for t in reversed(to_del): + kalman_trackers.pop(t) + trks = np.delete(trks, t, 0) + + return trks + + +def _update_matched_trackers(dets, kalman_trackers, unmatched_trks, occluded_trks, matched, trks): + """ + update matched trackers with assigned detections + """ + unmatched_trks_pos = [] + if len(dets) > 0: + for t, trk in enumerate(kalman_trackers): + if t not in unmatched_trks: + if t not in occluded_trks: + # Update according to associated detection + d = matched[np.where(matched[:, 1] == t)[0], 0] + trk.update(dets[d, :][0], 1) + else: + # Update according to estimated bounding box + trk.update(trks[t, :], 0) + else: + unmatched_trks_pos.append(np.concatenate((trk.get_state()[0], [trk.id + 1])).reshape(1, -1)) + + return unmatched_trks_pos + + +def _build_new_targets(unmatched_before_before, unmatched_before, unmatched, area_avg, kalman_trackers): + if (len(unmatched_before_before) != 0) and (len(unmatched_before) != 0) and (len(unmatched) != 0): + new_trackers, del_ind = association.find_new_trackers_2(unmatched, unmatched_before, + unmatched_before_before, area_avg) + if len(new_trackers) > 0: + unm = np.asarray(unmatched) + unmb = np.asarray(unmatched_before) + unmbb = np.asarray(unmatched_before_before) + # sort del_ind in descending order so removing step by step do not make error + del_ind = np.sort(del_ind, axis=0) + del_ind = np.flip(del_ind, axis=0) + for i, new_tracker in enumerate(new_trackers): + new_trk_certainty = unm[new_tracker[0], 4] + unmb[new_tracker[1], 4] + unmbb[new_tracker[2], 4] + if new_trk_certainty > 2: + trk = kalman_tracker.KalmanBoxTracker(unm[new_tracker[0], :], 1, unmb[new_tracker[1], :]) + kalman_trackers.append(trk) + # remove matched detection from unmatched arrays + unmatched.pop(del_ind[i, 0]) + unmatched_before.pop(del_ind[i, 1]) + unmatched_before_before.pop(del_ind[i, 2]) + + +def _remove_dead_tracklet(kalman_trackers, max_age): + ret = [] + i = len(kalman_trackers) + for trk in reversed(kalman_trackers): + d = trk.get_state()[0] + if trk.time_since_update < 1: + # +1 as MOT benchmark requires positive + ret.append(np.concatenate((d, [trk.id + 1])).reshape(1, -1)) + i -= 1 + # remove dead tracklet + if trk.time_since_update > (np.minimum(7, max_age + kalman_trackers[i].age / 10)): + kalman_trackers.pop(i) + + return ret + + class Sort_OH(object): - def __init__(self, max_age=3, min_hits=3): + def __init__(self, max_age=3, min_hits=3, scene=np.array([1920, 1080])): + """ + Sets key parameters for SORT """ - Sets key parameters for SORT - """ self.max_age = max_age self.min_hits = min_hits self.trackers = [] @@ -18,77 +121,56 @@ def __init__(self, max_age=3, min_hits=3): self.unmatched_before_before = [] self.unmatched_before = [] self.unmatched = [] - self.seq = [] + self.scene = scene self.conf_trgt = 0 self.conf_objt = 0 + def to_json(self): + """ + Returns a dict object that can be used to serialize this a JSON + """ + return { + "area_avg_array": list(map(lambda x: x if np.isscalar(x) else x[0], self.area_avg_array)), + "conf_objt": self.conf_objt, + "conf_trgt": self.conf_trgt, + "frame_count": self.frame_count, + "max_age": self.max_age, + "min_hits": self.min_hits, + "scene": self.scene.tolist(), + "trackers": list(map(lambda x: x.to_json(), self.trackers)), + "unmatched": list(map(lambda x: x.tolist(), self.unmatched)), + "unmatched_before": list(map(lambda x: x.tolist(), self.unmatched_before)), + "unmatched_before_before": list(map(lambda x: x.tolist(), self.unmatched_before_before)), + } + def update(self, dets, gts): """ - Params: - dets - a numpy array of detections in the format [[x1,y1,x2,y2,score],[x1,y1,x2,y2,score],...] - Requires: this method must be called once for each frame even with empty detections. - Returns the a similar array, where the last column is the object ID. + Params: + dets - a numpy array of detections in the format [[x1,y1,x2,y2,score],[x1,y1,x2,y2,score],...] + Requires: this method must be called once for each frame even with empty detections. + Returns the a similar array, where the last column is the object ID. - NOTE: The number of objects returned may differ from the number of detections provided. - """ + NOTE: The number of objects returned may differ from the number of detections provided. + """ self.frame_count += 1 - # get predicted locations from existing trackers. - trks = np.zeros((len(self.trackers), 5)) - to_del = [] - ret = [] - area_sum = 0 - for t, trk in enumerate(trks): - pos = self.trackers[t].predict()[0] - trk[:] = [pos[0], pos[1], pos[2], pos[3], 0] - area_sum = area_sum + self.trackers[t].kf.x[2] - if np.any(np.isnan(pos)): - to_del.append(t) - area_avg = 0 - if len(self.trackers) > 0: - area_avg = area_sum/len(self.trackers) + + trks, area_avg = _init_area_and_trackers(self.trackers) self.area_avg_array.append(area_avg) - trks = np.ma.compress_rows(np.ma.masked_invalid(trks)) - for t in reversed(to_del): - self.trackers.pop(t) - # remove outside image trackers - to_del = [] - if self.seq == 'MOT17-05-DPM' or self.seq == 'MOT17-05-FRCNN' or self.seq == 'MOT17-05-SDP' \ - or self.seq == 'MOT17-05-POI' or self.seq == 'MOT17-06-DPM' or self.seq == 'MOT17-06-FRCNN' \ - or self.seq == 'MOT17-06-SDP' or self.seq == 'MOT17-06-POI': - scene = np.array([640, 480]) - else: - scene = np.array([1920, 1080]) - outside = calculate_cost.cal_outside(trks, scene) - for t in range(len(outside)): - if outside[t] > 0.5: - to_del.append(t) - for t in reversed(to_del): - self.trackers.pop(t) - trks = np.delete(trks, t, 0) + + trks = _remove_outside_trackers(trks, self.trackers, self.scene) matched, unmatched_dets, unmatched_trks, occluded_trks, unmatched_gts = association.associate_detections_to_trackers(self, dets, trks, gts, area_avg) # update matched trackers with assigned detections - unmatched_trks_pos = [] - if len(dets) > 0: - for t, trk in enumerate(self.trackers): - if t not in unmatched_trks: - if t not in occluded_trks: - # Update according to associated detection - d = matched[np.where(matched[:, 1] == t)[0], 0] - trk.update(dets[d, :][0], 1) - else: - # Update according to estimated bounding box - trk.update(trks[t, :], 0) - else: - unmatched_trks_pos.append(np.concatenate((trk.get_state()[0], [trk.id + 1])).reshape(1, -1)) + unmatched_trks_pos = _update_matched_trackers(dets, self.trackers, unmatched_trks, occluded_trks, matched, trks) # create and initialise new trackers for unmatched detections if self.frame_count <= self.min_hits: for i in unmatched_dets: # Put condition on uncertainty if dets[i, 4] > 0.6: - trk = kalman_tracker.KalmanBoxTracker(dets[i, :], 0, dets[i, :]) # put dets[i, :] as dummy data for last argument + # put dets[i, :] as dummy data for last argument + trk = kalman_tracker.KalmanBoxTracker(dets[i, :], 0, dets[i, :]) self.trackers.append(trk) else: self.unmatched = [] @@ -96,24 +178,8 @@ def update(self, dets, gts): self.unmatched.append(dets[i, :]) # Build new targets - if (len(self.unmatched_before_before) != 0) and (len(self.unmatched_before) != 0) and (len(self.unmatched) != 0): - new_trackers, del_ind = association.find_new_trackers_2(self.unmatched, self.unmatched_before, self.unmatched_before_before, area_avg) - if len(new_trackers) > 0: - unm = np.asarray(self.unmatched) - unmb = np.asarray(self.unmatched_before) - unmbb = np.asarray(self.unmatched_before_before) - # sort del_ind in descending order so removing step by step do not make error - del_ind = np.sort(del_ind, axis=0) - del_ind = np.flip(del_ind, axis=0) - for i, new_tracker in enumerate(new_trackers): - new_trk_certainty = unm[new_tracker[0], 4] + unmb[new_tracker[1], 4] + unmbb[new_tracker[2], 4] - if new_trk_certainty > 2: - trk = kalman_tracker.KalmanBoxTracker(unm[new_tracker[0], :], 1, unmb[new_tracker[1], :]) - self.trackers.append(trk) - # remove matched detection from unmatched arrays - self.unmatched.pop(del_ind[i, 0]) - self.unmatched_before.pop(del_ind[i, 1]) - self.unmatched_before_before.pop(del_ind[i, 2]) + _build_new_targets(self.unmatched_before_before, self.unmatched_before, self.unmatched, + self.area_avg_array[len(self.area_avg_array) - 1], self.trackers) self.unmatched_before_before = self.unmatched_before self.unmatched_before = self.unmatched @@ -122,15 +188,8 @@ def update(self, dets, gts): for g in unmatched_gts: unmatched_gts_pos.append(gts[g, :].reshape(1, 5)) - i = len(self.trackers) - for trk in reversed(self.trackers): - d = trk.get_state()[0] - if trk.time_since_update < 1: - ret.append(np.concatenate((d, [trk.id + 1])).reshape(1, -1)) # +1 as MOT benchmark requires positive - i -= 1 - # remove dead tracklet - if trk.time_since_update > (np.minimum(7, self.max_age + self.trackers[i].age/10)): - self.trackers.pop(i) + ret = _remove_dead_tracklet(self.trackers, self.max_age) + out1 = np.empty((0, 5)) out2 = np.empty((0, 5)) out3 = np.empty((0, 5)) @@ -141,4 +200,5 @@ def update(self, dets, gts): out2 = np.concatenate(unmatched_trks_pos) if len(unmatched_gts_pos) > 0: out3 = np.concatenate(unmatched_gts_pos) + return out1, out2, out3 diff --git a/libs/utils.py b/libs/utils.py new file mode 100644 index 0000000..8768148 --- /dev/null +++ b/libs/utils.py @@ -0,0 +1,53 @@ +import numpy as np + + +class DictObj: + def __init__(self, in_dict: dict): + assert isinstance(in_dict, dict) + + self.in_dict = in_dict + + for key, val in in_dict.items(): + if isinstance(val, (list, tuple)): + setattr(self, key, [DictObj(x) if isinstance(x, dict) else x for x in val]) + else: + setattr(self, key, DictObj(val) if isinstance(val, dict) else val) + + def __eq__(self, o: object) -> bool: + if not isinstance(o, DictObj): + return False + + for key, value in vars(self).items(): + if callable(value): + continue + if o.__getattribute__(key) != value: + return False + return True + + def to_json(self): + return {} + + +def list_of_ndarray_tolist(l): + """ + Convert a list of ndarray's to a plain Python list + + This is useful if you want to dump the list via JSON or similar. + + @param l The list to convert + @return l as a list of same dimensions but without any ndarray in it + """ + if isinstance(l, list) and ( + len(l) > 0 and (isinstance(l[0], list) or isinstance(l[0], float) or isinstance(l[0], int))): + ret_unsafe = l + else: + # Convert to a list first, this list may contain int64 and is therefore not safe for json + ret_unsafe = list(map(lambda x: x.tolist(), l)) if len(l) > 0 else [] + + ret = [] + for x in ret_unsafe: + if type(x) == type(np.int64): + ret.append(int(x)) + else: + ret.append(x) + return ret diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..749cf3d --- /dev/null +++ b/requirements.txt @@ -0,0 +1,7 @@ +tqdm +opencv-python +filterpy +numpy +scipy +numba +matplotlib diff --git a/spec/__init__.py b/spec/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/spec/libs/__init__.py b/spec/libs/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/spec/libs/test_association_associate_detections_to_trackers.py b/spec/libs/test_association_associate_detections_to_trackers.py new file mode 100644 index 0000000..f210998 --- /dev/null +++ b/spec/libs/test_association_associate_detections_to_trackers.py @@ -0,0 +1,332 @@ +import json +import unittest + +import numpy as np + +from libs import association + + +class DictObj: + def __init__(self, in_dict: dict): + assert isinstance(in_dict, dict) + + self.in_dict = in_dict + + for key, val in in_dict.items(): + if isinstance(val, (list, tuple)): + setattr(self, key, [DictObj(x) if isinstance(x, dict) else x for x in val]) + else: + setattr(self, key, DictObj(val) if isinstance(val, dict) else val) + + def __eq__(self, o: object) -> bool: + if not isinstance(o, DictObj): + return False + + for key, value in vars(self).items(): + if o.__getattribute__(key) != value: + return False + return True + + +class TestAssociation(unittest.TestCase): + def test_empty_detections_and_trackers(self): + dets = [] + matched, unmatched_dets, unmatched_trks, occluded_trks, unmatched_gts = association.associate_detections_to_trackers( + None, dets, list(), None, None, iou_threshold=0.3) + self.assertListEqual(list(), matched.tolist()) + self.assertListEqual(list(), unmatched_dets.tolist()) + self.assertListEqual(list(), unmatched_trks.tolist()) + self.assertListEqual(list(), occluded_trks.tolist()) + self.assertListEqual(list(), unmatched_gts.tolist()) + + def test_detections_and_empty_trackers(self): + dets = [[0, 1, 2, 4], [2, 3, 4, 5]] + matched, unmatched_dets, unmatched_trks, occluded_trks, unmatched_gts = association.associate_detections_to_trackers( + None, dets, list(), None, None, iou_threshold=0.3) + self.assertListEqual(list(), matched.tolist()) + self.assertListEqual([0, 1], unmatched_dets.tolist()) + self.assertListEqual(list(), unmatched_trks.tolist()) + self.assertListEqual(list(), occluded_trks.tolist()) + self.assertListEqual(list(), unmatched_gts.tolist()) + + def test_empty_detections_trackers_full(self): + dets = [] + tracker = [[1, 2, 3, 4]] + matched, unmatched_dets, unmatched_trks, occluded_trks, unmatched_gts = association.associate_detections_to_trackers( + None, dets, tracker, None, None, iou_threshold=0.3) + self.assertListEqual(list(), matched.tolist()) + self.assertListEqual([], unmatched_dets.tolist()) + self.assertListEqual(list(), unmatched_trks.tolist()) + self.assertListEqual(list(), occluded_trks.tolist()) + self.assertListEqual(list(), unmatched_gts.tolist()) + + def assert_associate_detections_to_trackers(self, x): + matched, unmatched_dets, unmatched_trks, occluded_trks, unmatched_gts = association.associate_detections_to_trackers( + DictObj(x['mot_tracker']), np.array(x['detections']), np.array(x['trackers']), x['groundtruths'], + x['average_area'], x['iou_threshold']) + + self.assertListEqual(x['ret_matches'], matched.tolist()) + self.assertListEqual(x['ret_unmatched_detections'], unmatched_dets.tolist()) + self.assertListEqual(x['ret_unmatched_trackers'], + unmatched_trks if isinstance(unmatched_trks, list) else unmatched_trks.tolist()) + self.assertListEqual(x['ret_occluded_trackers'], occluded_trks.tolist()) + self.assertListEqual(x['ret_unmatched_groundtruths'], unmatched_gts.tolist()) + + def test_associate_detections_to_trackers_pass_1(self): + self.assert_associate_detections_to_trackers({"mot_tracker":{"trackers":[{"time_since_observed":17,"confidence":1,"age":368},{"time_since_observed":14,"confidence":1,"age":273},{"time_since_observed":0,"confidence":1,"age":219},{"time_since_observed":1,"confidence":1,"age":200},{"time_since_observed":0,"confidence":0.07305242074847638,"age":89},{"time_since_observed":0,"confidence":0.5,"age":73},{"time_since_observed":0,"confidence":0.5,"age":72},{"time_since_observed":0,"confidence":0.5,"age":59},{"time_since_observed":0,"confidence":0.2658236378313566,"age":45}],"frame_count":588,"min_hits":3,"conf_trgt":0.35,"conf_objt":0.75,"unmatched_before":[[549.75,429.71,591.621,557.3199999999999,0.42543]]},"detections":[[721.23,438.28,763.101,565.89,1.8465],[585.82,449.36,617.3100000000001,545.83,1.5789],[1085.4,423.72,1176.296,698.4100000000001,1.5448],[1232.4,442.1,1323.296,716.79,1.261],[625,449,664,568,1.151],[555.37,459.21,582.654,543.063,0.51894],[549.75,429.71,591.621,557.3199999999999,0.32455]],"trackers":[[1763.14973972401,375.60857521554806,2017.9606713207927,1142.0506392053612,0],[1164.1812513483892,420.29061997713836,1249.2239974592244,677.4202811074523,0],[1234.1549899593497,439.2151767991311,1327.5242642314074,721.3242702278906,0],[1017.4534659341475,433.66146589620973,1090.8894501218451,655.9696782352675,0],[585.8126568669982,449.3533147315173,617.3895569059339,546.0907701507795,0],[1089.0090407048692,404.7725134807381,1180.014053198618,679.7837427323002,0],[624.6923113598453,449.67069132486915,663.1892759653186,567.1633865221663,0],[725.626516162457,441.5873402727734,761.8188380744704,552.1721161757416,0],[560.6978829220411,460.27153351692573,586.1698374058055,538.6879691125774,0]],"groundtruths":[[912,484,1009,593,0],[1585,-1,1921,577,0],[1163,441,1196,530,0],[1308,431,1342,549,0],[907,414,937,553,0],[1118,429,1160,574,1],[1062,445,1103,569,1],[996,443,1034,547,1],[989,448,1028,549,1],[900,448,936,549,1],[835,473,887,548,0],[796,476,851,536,0],[382,463,428,576,1],[428,458,457,562,1],[424,457,453,565,1],[417,469,457,569,1],[371,447,413,551,0],[427,457,461,540,1],[1090,414,1195,697,1],[1180,432,1254,677,1],[1236,442,1320,714,1],[992,433,1081,672,1],[630,453,662,557,1],[665,454,702,558,1],[722,448,765,551,1],[668,462,693,534,0],[694,462,713,533,0],[711,479,728,536,0],[587,457,620,543,1],[557,461,584,543,1],[910,408,936,537,0],[545,460,570,534,1],[587,440,606,484,1],[587,447,605,490,1],[565,441,577,471,1],[576,435,589,467,1],[985,458,1009,512,0],[1012,454,1030,515,0],[784,452,811,506,1],[758,481,821,510,0]],"average_area":[33159.49929365327],"iou_threshold":0.3,"ret_matches":[[0,7],[1,4],[2,5],[3,2],[4,6],[5,8]],"ret_unmatched_detections":[6],"ret_unmatched_trackers":[],"ret_occluded_trackers":[0,1,3],"ret_unmatched_groundtruths":[]}) + + def test_associate_detections_to_trackers_pass_2(self): + self.assert_associate_detections_to_trackers({ 'mot_tracker':{ 'trackers':[{ 'time_since_observed':0, 'confidence':0.5, 'age':32 }, { 'time_since_observed':0, 'confidence':0.5, 'age':32 }, { 'time_since_observed':5, 'confidence':0.8034821074946065, 'age':27 }, { 'time_since_observed':0, 'confidence':0.5, 'age':17 }, { 'time_since_observed':0, 'confidence':0.5, 'age':12 }], 'frame_count':33, 'min_hits':3, 'conf_trgt':0.35, 'conf_objt':0.75, 'unmatched_before':[[1450, 429.71, 1491.871, 557.3199999999999, 0.9037]] }, 'detections':[[1613.3, 389.14, 1761.59, 836, 2.5745], [607.51, 442.1, 698.406, 716.79, 1.5007], [1450, 429.71, 1491.871, 557.3199999999999, 1.0982], [497.24, 442.1, 588.136, 716.79, 1.0672], [1254.6, 446.72, 1288.422, 550.19, 0.83953], [672.78, 433.93, 746.423, 656.86, 0.43969]], 'trackers':[[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0]], 'groundtruths':[[912, 484, 1009, 593, 0], [1607, 396, 1799, 842, 1], [602, 443, 690, 714, 1], [1585, -1, 1921, 577, 0], [1163, 441, 1196, 530, 0], [1308, 431, 1342, 549, 0], [907, 414, 937, 553, 0], [1683, 416, 1908, 809, 1], [1055, 483, 1091, 593, 1], [1090, 484, 1122, 598, 1], [718, 491, 763, 573, 0], [679, 492, 731, 597, 0], [731, 461, 759, 535, 0], [1258, 447, 1291, 547, 1], [1012, 441, 1052, 557, 1], [1099, 440, 1137, 548, 1], [929, 435, 972, 549, 1], [474, 444, 588, 736, 1], [655, 461, 724, 657, 1], [1448, 430, 1508, 560, 1], [1555, 436, 1607, 558, 1], [500, 459, 588, 710, 1], [835, 473, 887, 548, 0], [796, 476, 851, 536, 0], [547, 463, 582, 556, 1], [496, 456, 523, 558, 1], [375, 446, 416, 550, 0], [419, 459, 458, 543, 1], [581, 455, 617, 590, 1], [1005, 454, 1037, 531, 1], [640, 456, 679, 587, 1], [698, 462, 725, 529, 0], [712, 477, 731, 534, 0], [733, 503, 763, 554, 0], [910, 408, 936, 537, 0], [710, 516, 749, 582, 0], [679, 528, 725, 607, 0], [985, 459, 1004, 512, 0], [1003, 453, 1021, 514, 0], [578, 427, 598, 470, 1], [595, 424, 613, 466, 1], [1027, 449, 1051, 518, 1], [700, 449, 733, 539, 1]], 'average_area':[38725.18380509759], 'iou_threshold':0.3, 'ret_matches':[[0, 0], [1, 1], [3, 4], [4, 3]], 'ret_unmatched_detections':[5, 2], 'ret_unmatched_trackers':[], 'ret_occluded_trackers':[2], 'ret_unmatched_groundtruths':[] }) + + def test_associate_detections_to_trackers_pass_3(self): + self.assert_associate_detections_to_trackers({"mot_tracker":{"trackers":[{"time_since_observed":2,"confidence":1,"age":47},{"time_since_observed":0,"confidence":0.5,"age":47},{"time_since_observed":0,"confidence":0.15166341194080873,"age":32},{"time_since_observed":0,"confidence":0.5,"age":27},{"time_since_observed":2,"confidence":0.11961138221960334,"age":15}],"frame_count":48,"min_hits":3,"conf_trgt":0.35,"conf_objt":0.75,"unmatched_before":[]},"detections":[[618.34,446.86,703.082,703.09,1.2516],[486.58,444.35,591.14,760.03,0.97536],[579.94,451.29,624.888,588.13,0.31026]],"trackers":[[1786.8317504623678,382.8226477084003,1956.5894503077338,894.1241467639411,0],[617.8662874567835,443.9569042506989,705.9295617350076,710.1546678694592,0],[1255.03806910781,442.17287175903624,1290.9762334980953,551.9952275625799,0],[486.4927226793391,444.3220291921217,591.6950224027397,761.9413603902946,0],[1482.9591357034267,430.0855507067737,1524.6639800075843,557.1891628663964,0]],"groundtruths":[[912,484,1009,593,0],[1743,389,1958,884,1],[621,442,709,718,1],[1585,-1,1921,577,0],[1163,441,1196,530,0],[1308,431,1342,549,0],[907,414,937,553,0],[1054,483,1091,593,1],[1090,484,1122,598,1],[709,486,753,577,0],[679,492,731,597,0],[738,461,772,539,0],[1260,447,1293,547,1],[1008,441,1048,557,1],[1098,440,1136,548,1],[928,435,971,549,1],[480,439,593,756,1],[669,459,742,664,1],[1482,430,1539,559,1],[500,454,588,720,1],[835,473,887,548,0],[796,476,851,536,0],[547,462,582,556,1],[496,456,524,558,1],[374,446,416,550,0],[419,459,458,543,1],[582,455,622,589,1],[1019,455,1051,532,1],[646,456,683,579,1],[697,462,725,529,0],[712,477,731,534,0],[738,500,774,558,0],[910,408,936,537,0],[705,518,744,584,0],[679,528,725,607,0],[610,462,636,536,1],[985,459,1004,512,0],[1003,453,1021,514,0],[578,424,598,467,1],[595,423,613,465,1],[1027,450,1051,519,1],[717,447,750,542,1]],"average_area":[30580.30947756609],"iou_threshold":0.3,"ret_matches":[[0,1],[1,3]],"ret_unmatched_detections":[2],"ret_unmatched_trackers":[4,2],"ret_occluded_trackers":[0],"ret_unmatched_groundtruths":[]}) + + def test_from_json_array(self): + with open('spec/res/associate_detections_to_trackers.json') as f: + invocations = json.load(f) + + i = 0 + for x in invocations: + + if i == 30: + # print(i) + pass + + self.assert_associate_detections_to_trackers(x) + + i += 1 + + def test__unmatched_detections(self): + def test_and_expect(t): + actual = association._unmatched_detections( + np.array(t['detections']), + np.array(t['matched_indices']) + ) + self.assertListEqual(t['ret_unmatched_detections'], actual) + + test_and_expect( + {"detections": [[267.77, 437.53, 388.03, 800.3, 1.429], [961.31, 412.56, 1131.79, 926.01, 1.3889], + [359.91, 423.24, 464.47, 738.9200000000001, 1.1941], + [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.0567], + [566.69, 408.29, 678.83, 746.7, 0.88242], + [936.71, 260.92, 1195.63, 1039.68, 0.38177], [60.714, 359.28, 209.004, 806.14, 0.33426]], + "matched_indices": [[0, 5], [1, 2], [2, 4], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [6]}) + test_and_expect( + {"detections": [[267.77, 437.53, 388.03, 800.3, 1.8658], [961.31, 412.56, 1131.79, 926.01, 1.385], + [1104.1, 394.97, 1300.08, 984.9200000000001, 1.1512], + [566.69, 408.29, 678.83, 746.7, 1.1382], + [56.715, 391.01, 195.005, 807.87, 0.79262], [359.91, 444.35, 464.47, 760.03, 0.7547], + [988.7, 260.92, 1247.6200000000001, 1039.68, 0.38785], + [725.08, 442.23, 780.649, 610.94, 0.31484]], + "matched_indices": [[0, 5], [1, 2], [2, 1], [3, 3], [5, 4], [6, 0]], "ret_unmatched_detections": [4, 7]}) + test_and_expect({"detections": [[272.53, 430.92, 384.66999999999996, 769.33, 1.5459], + [680.04, 389.02, 800.3, 751.79, 1.1476], + [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.99078], + [570.75, 442.1, 661.646, 716.79, 0.93738], + [872.16, 442.23, 927.7289999999999, 610.94, 0.8402], + [444.35, 444.35, 548.9100000000001, 760.03, 0.39837]], + "matched_indices": [[0, 6], [1, 3], [2, 1], [3, 4], [4, 0], [5, 5]], + "ret_unmatched_detections": []}) + test_and_expect({"detections": [[272.53, 430.92, 384.66999999999996, 769.33, 1.7644], + [679.82, 408.29, 791.96, 746.7, 1.318], + [570.75, 442.1, 661.646, 716.79, 1.2338], + [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.2235], + [872.16, 442.23, 927.7289999999999, 610.94, 1.0282], + [961.31, 412.56, 1131.79, 926.01, 0.66346], + [434.36, 454.06, 531.852, 748.53, 0.62246], + [936.71, 260.92, 1195.63, 1039.68, 0.4031]], + "matched_indices": [[0, 6], [1, 3], [2, 4], [3, 1], [5, 2], [6, 5], [7, 0]], + "ret_unmatched_detections": [4]}) + test_and_expect( + {"detections": [[292.02, 437.53, 412.28, 800.3, 1.9404], [961.31, 412.56, 1131.79, 926.01, 1.7096], + [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.1698], + [78.976, 416.87, 207.936, 805.75, 1.1452], [566.69, 408.29, 678.83, 746.7, 0.70813], + [729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.47918], + [386.96, 442.1, 477.856, 716.79, 0.46466], [971.06, 292.02, 1212.57, 1018.56, 0.44398]], + "matched_indices": [[0, 5], [1, 2], [2, 1], [3, 6], [4, 3], [6, 4], [7, 0]], + "ret_unmatched_detections": [5]}) + test_and_expect( + {"detections": [[292.02, 437.53, 412.28, 800.3, 2.0159], [961.31, 412.56, 1131.79, 926.01, 1.633], + [78.976, 416.87, 207.936, 805.75, 1.592], + [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.2742], + [589.31, 408.29, 701.4499999999999, 746.7, 0.96689], + [971.06, 292.02, 1212.57, 1018.56, 0.71655], + [729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.63224]], + "matched_indices": [[0, 5], [1, 2], [2, 6], [3, 1], [4, 3], [5, 0], [6, 4]], + "ret_unmatched_detections": []}) + test_and_expect({"detections": [[317.68, 444.35, 422.24, 760.03, 1.6334], + [544.06, 408.29, 656.1999999999999, 746.7, 1.5398], + [946.52, 394.97, 1142.5, 984.9200000000001, 1.2071], + [1098.8, 381.02, 1308.92, 1013.38, 1.1404], + [988.7, 260.92, 1247.6200000000001, 1039.68, 0.40145]], + "matched_indices": [[0, 4], [1, 3], [2, 2], [3, 1], [4, 0]], "ret_unmatched_detections": []}) + + def test__unmatched_trackers(self): + def test_and_expect(t): + actual = association._unmatched_trackers( + np.array(t['trackers']), + np.array(t['matched_indices']) + ) + self.assertListEqual(t['ret_unmatched_trackers'], actual) + + test_and_expect( + {"trackers": [[1790.6476379489334, 373.91066521274126, 1968.5101672757476, 909.523056077836, 0.0], + [1505.4633627177443, 391.90041890267406, 1747.0613688975798, 1118.7053699971532, 0.0], + [1347.7481219417173, 422.33142659797426, 1558.2940650143782, 1055.9737792924616, 0.0], + [1105.1864132273108, 423.09464145899426, 1163.7721975747336, 600.8552098264788, 0.0], + [932.0860439617203, 439.3534967610465, 1025.287878045643, 720.958009856063, 0.0], + [721.7384330895677, 423.8494779654868, 812.5282482908349, 698.2185814162792, 0.0], + [1351.5896356396593, 343.87800359776406, 1629.550948111278, 1179.7638198412108, 0.0], + [572.7173986943344, 452.95222766192836, 600.7062398777271, 538.9719657939457, 0.0]], + "matched_indices": [[0, 2], [1, 0], [2, 5], [3, 1], [4, 3], [5, 4], [6, 6]], + "ret_unmatched_trackers": [7]}) + test_and_expect( + {"trackers": [[1799.3023095674553, 373.7659292754023, 1977.167985492049, 909.3877957549861, 0.0], + [1511.1885309670831, 392.01828807266287, 1752.7865371481664, 1118.8232391708957, 0.0], + [1349.1707525520892, 428.2752206607351, 1550.9920214497497, 1035.7522250216414, 0.0], + [1113.2440037497245, 420.2284774373579, 1171.7052187433192, 597.6110783613019, 0.0], + [942.0050448808294, 441.3301280596905, 1033.4717423529773, 717.7302016822816, 0.0], + [721.3794964644474, 423.8506853167762, 812.1704625821583, 698.2232689763503, 0.0], + [1300.6714301980162, 339.8734833488548, 1578.3895405838223, 1175.0211782544206, 0.0], + [572.819969641354, 452.79952595261244, 600.9965741918049, 539.3963281924049, 0.0], + [546.6474850952587, 456.6081768371947, 573.6695149047413, 539.8028231628051, 0.0]], + "matched_indices": [[0, 2], [1, 5], [2, 1], [3, 0], [4, 8], [5, 6], [6, 7], [7, 4], [8, 3]], + "ret_unmatched_trackers": []}) + test_and_expect( + {"trackers": [[1807.957767845859, 373.6235622731163, 1985.8250170484685, 909.2501664970832, 0.0], + [1516.9136992167341, 392.13615724359005, 1758.5117053984409, 1118.9411083436999, 0.0], + [1358.1033640428993, 424.6400589736668, 1565.3794317670943, 1048.4773535850961, 0.0], + [1108.7269681917162, 425.86234198927093, 1164.94231545553, 596.5059129154392, 0.0], + [944.4697182193237, 441.82942869881333, 1035.509938970747, 716.9499359186024, 0.0], + [735.4283376555388, 427.2884090872653, 822.39063738044, 690.1778828813929, 0.0], + [1303.9794013338467, 342.65700250926017, 1581.720616842016, 1177.8741786224264, 0.0], + [572.4396109658231, 453.3202882687032, 599.9737948929811, 537.9422781373245, 0.0], + [541.9631566574607, 465.4207993593844, 564.8879202656163, 536.090892948308, 0.0]], + "matched_indices": [[0, 2], [1, 5], [2, 1], [3, 0], [4, 3], [5, 7], [6, 4]], + "ret_unmatched_trackers": [6, 8]}) + + def test__filter_low_iou(self): + def test_and_expect(t): + kalman_tracker_obj = list(map(lambda x: DictObj(x), t['kalman_trackers'])) + actual = association._filter_low_iou( + np.array(t['matched_indices']), + np.array(t['iou_matrix']), + t['iou_threshold'], + np.array(t['unmatched_detections']), + np.array(t['unmatched_trackers']), + kalman_tracker_obj + ) + self.assertListEqual(list(map(lambda x: DictObj(x), t['ret_kalman_trackers'])), kalman_tracker_obj) + self.assertListEqual(t['ret_matches'], list(map(lambda x: x.tolist(), actual))) + + test_and_expect({"matched_indices": [[0, 0], [1, 1], [3, 2]], + "iou_matrix": [[0.8493698835372925, 0.0, 0.20014996826648712], [0.0, 0.9827505350112915, 0.0], + [0.0, 0.0, 0.0], [0.30149003863334656, 0.0, 0.843207061290741], [0.0, 0.0, 0.0], + [0.0, 0.0, 0.0]], "iou_threshold": 0.3, "unmatched_detections": [2, 4, 5], + "unmatched_trackers": [], + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, + {"time_since_observed": 0, "confidence": 0.5, "age": 14}, + {"time_since_observed": 0, "confidence": 0.5, "age": 9}], + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, + {"time_since_observed": 0, "confidence": 0.5, "age": 14}, + {"time_since_observed": 0, "confidence": 0.5, "age": 9}], + "ret_matches": [[[0, 0]], [[1, 1]], [[3, 2]]]}) + test_and_expect({"matched_indices": [[0, 0], [1, 1], [4, 2]], + "iou_matrix": [[0.8876456618309021, 0.0, 0.21911640465259552], [0.0, 0.962422251701355, 0.0], + [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], + [0.2594248950481415, 0.0, 0.8539206385612488]], "iou_threshold": 0.3, + "unmatched_detections": [2, 3], "unmatched_trackers": [], + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, + {"time_since_observed": 0, "confidence": 0.5, "age": 13}, + {"time_since_observed": 0, "confidence": 0.5, "age": 8}], + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, + {"time_since_observed": 0, "confidence": 0.5, "age": 13}, + {"time_since_observed": 0, "confidence": 0.5, "age": 8}], + "ret_matches": [[[0, 0]], [[1, 1]], [[4, 2]]]}) + test_and_expect({"matched_indices": [[0, 0], [1, 1]], + "iou_matrix": [[0.6649591326713562, 0.0], [0.0, 0.5956258177757263], [0.0, 0.0]], + "iou_threshold": 0.3, "unmatched_detections": [2], "unmatched_trackers": [], + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, + {"time_since_observed": 0, "confidence": 0.5, "age": 3}], + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, + {"time_since_observed": 0, "confidence": 0.5, "age": 3}], + "ret_matches": [[[0, 0]], [[1, 1]]]}) + + def test__clean_up_to_delete(self): + with open('spec/res/associate__clean_up_to_delete.json') as f: + invocations = json.load(f) + + i = 0 + for x in invocations: + matches, unmatched_trackers, unmatched_detections = association._clean_up_to_delete( + x['matches_ext_com'], np.array(x['unmatched_detections']), np.array(x['unmatched_trackers']), + x['matches'], x['unmatched_before']) + + self.assertListEqual(x['ret_matches'], matches.tolist()) + self.assertListEqual(x['ret_unmatched_detections'], unmatched_detections.tolist()) + self.assertListEqual(x['ret_unmatched_trackers'], + unmatched_trackers if isinstance(unmatched_trackers, + list) else unmatched_trackers.tolist()) + + i += 1 + + def test__occluded_trackers(self): + with open('spec/res/association__occluded_tracker.json') as f: + invocations = json.load(f) + + i = 0 + for x in invocations: + kalman_tracker_obj = list(map(lambda t: DictObj(t), x['kalman_trackers'])) + occluded_trackers, unmatched_trackers = association._occluded_trackers( + x['frame_count'], x['min_hits'], np.array(x['ios_matrix']), np.array(x['unmatched_trackers']), + np.array(x['trackers']), kalman_tracker_obj, x['average_area'], x['conf_trgt'], x['conf_objt']) + + self.assertListEqual(x['ret_occluded_trackers'], occluded_trackers) + self.assertListEqual(x['ret_unmatched_trackers'], + unmatched_trackers if isinstance(unmatched_trackers, + list) else unmatched_trackers.tolist()) + expected_lists = list(map(lambda t: DictObj(t), x['ret_kalman_trackers'])) + self.assertEqual(len(kalman_tracker_obj), len(expected_lists)) + for i in range(len(expected_lists)): + self.assertTrue(expected_lists[i], kalman_tracker_obj[i]) + + i += 1 + + def test__build_iou_matrix_ext(self): + with open('spec/res/association__build_iou_matrix_ext.json') as f: + invocations = json.load(f) + for x in invocations: + kalman_tracker_obj = list(map(lambda t: DictObj(t), x['kalman_trackers'])) + iou_matrix_ext = association._build_iou_matrix_ext( + np.array(x['unmatched_trackers']), + np.array(x['unmatched_detections']), + np.array(x['detections']), + np.array(x['trackers']), + kalman_tracker_obj + ) + self.assertListEqual(x['ret_iou_matrix_ext'], iou_matrix_ext.tolist()) + + def test__filter_low_iou_low_area(self): + with open('spec/res/association__filter_low_iou_low_area.json') as f: + invocations = json.load(f) + for x in invocations: + matches_ext_com, del_ind = association._filter_low_iou_low_area( + np.array(x['matched_indices_ext']), + np.array(x['matched_indices']), + np.array(x['iou_matrix_ext']), + x['iou_threshold'], + np.array(x['iou_matrix']) + ) + + if len(matches_ext_com) > 0: + if isinstance(matches_ext_com[0], list): + self.assertListEqual(x['ret_matches_ext_com'], matches_ext_com) + else: + self.assertListEqual(x['ret_matches_ext_com'], list(map(lambda l: l.tolist(), matches_ext_com))) + else: + self.assertListEqual(x['ret_matches_ext_com'], matches_ext_com) + self.assertListEqual(x['ret_del_ind'], del_ind.tolist()) + + +if __name__ == '__main__': + unittest.main() diff --git a/spec/libs/test_association_find_new_trackers_2.py b/spec/libs/test_association_find_new_trackers_2.py new file mode 100644 index 0000000..6a7e5b8 --- /dev/null +++ b/spec/libs/test_association_find_new_trackers_2.py @@ -0,0 +1,127 @@ +import unittest +import numpy as np +from libs import association + +class TestAssociation(unittest.TestCase): + def test_find_new_trackers_2(self): + test_data = [ + {"detections": [[1480.3, 413.27, 1600.56, 776.04, 0.87614]], "detections_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "detections_before_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "average_area": [33416.426909973314], "iou_threshold": 0.3, "iteration": 0, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "detections_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "detections_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "average_area": [41899.645008540414], "iou_threshold": 0.3, "iteration": 1, "return_matches": [[0, 1, 1], [2, 2, 0]], "return_del_ind": [[0, 1, 1], [2, 2, 0]]}, + {"detections": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "detections_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "average_area": [43632.14584964385], "iou_threshold": 0.3, "iteration": 2, "return_matches": [[0, 2, 2], [1, 0, 1], [2, 1, 0]], "return_del_ind": [[0, 2, 2], [1, 0, 1], [2, 1, 0]]}, + {"detections": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "detections_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "average_area": [42257.88713731571], "iou_threshold": 0.3, "iteration": 3, "return_matches": [[0, 2, 1], [1, 1, 0], [2, 0, 2]], "return_del_ind": [[0, 2, 1], [1, 1, 0], [2, 0, 2]]}, + {"detections": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "detections_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "detections_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "average_area": [40780.42096181836], "iou_threshold": 0.3, "iteration": 4, "return_matches": [[0, 1, 1], [1, 0, 2]], "return_del_ind": [[0, 1, 1], [1, 0, 2]]}, + {"detections": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "detections_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "detections_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "average_area": [41242.063343166206], "iou_threshold": 0.3, "iteration": 5, "return_matches": [[0, 1, 0], [1, 0, 1]], "return_del_ind": [[0, 1, 0], [1, 0, 1]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "detections_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "detections_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "average_area": [44227.14630929491], "iou_threshold": 0.3, "iteration": 6, "return_matches": [[0, 1, 0], [1, 0, 1]], "return_del_ind": [[0, 1, 0], [1, 0, 1]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "detections_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "average_area": [44914.9080941074], "iou_threshold": 0.3, "iteration": 7, "return_matches": [[0, 0, 1], [1, 1, 0]], "return_del_ind": [[0, 0, 1], [1, 1, 0]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "average_area": [46961.41488824861], "iou_threshold": 0.3, "iteration": 8, "return_matches": [[0, 0, 0], [2, 1, 1]], "return_del_ind": [[0, 0, 0], [2, 1, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "average_area": [35233.49032028802], "iou_threshold": 0.3, "iteration": 9, "return_matches": [[0, 1, 1]], "return_del_ind": [[0, 1, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "average_area": [33987.1930667672], "iou_threshold": 0.3, "iteration": 10, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "average_area": [34807.352144271434], "iou_threshold": 0.3, "iteration": 11, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "average_area": [34988.46766943957], "iou_threshold": 0.3, "iteration": 12, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[478.86, 442.1, 569.756, 716.79, 1.1515]], "detections_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "average_area": [32697.497424139863], "iou_threshold": 0.3, "iteration": 13, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "average_area": [38227.43009144287], "iou_threshold": 0.3, "iteration": 14, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "average_area": [37521.95254768199], "iou_threshold": 0.3, "iteration": 15, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "average_area": [37933.0836814937], "iou_threshold": 0.3, "iteration": 16, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "detections_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "average_area": [36387.005629979845], "iou_threshold": 0.3, "iteration": 17, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "detections_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "detections_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "average_area": [40794.528893818206], "iou_threshold": 0.3, "iteration": 18, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[672.78, 433.93, 746.423, 656.86, 0.43969], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982]], "detections_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "detections_before_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "average_area": [38725.18380509759], "iou_threshold": 0.3, "iteration": 19, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "detections_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "detections_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "average_area": [31188.62597979776], "iou_threshold": 0.3, "iteration": 20, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "detections_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "detections_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "average_area": [31427.564092942466], "iou_threshold": 0.3, "iteration": 21, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "detections_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "detections_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "average_area": [31042.91497519174], "iou_threshold": 0.3, "iteration": 22, "return_matches": [], "return_del_ind": []}, + {"detections": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "detections_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "detections_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "average_area": [19744.05829019198], "iou_threshold": 0.3, "iteration": 23, "return_matches": [], "return_del_ind": []}, + {"detections": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "detections_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "detections_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "average_area": [28603.579354949135], "iou_threshold": 0.3, "iteration": 24, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "detections_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "detections_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "average_area": [29521.063616823514], "iou_threshold": 0.3, "iteration": 25, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "detections_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "detections_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "average_area": [30395.105006394042], "iou_threshold": 0.3, "iteration": 26, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "detections_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "detections_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "average_area": [29335.65740728794], "iou_threshold": 0.3, "iteration": 27, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "detections_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "detections_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "average_area": [26716.14553311332], "iou_threshold": 0.3, "iteration": 28, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "detections_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "detections_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "average_area": [28660.89243611884], "iou_threshold": 0.3, "iteration": 29, "return_matches": [], "return_del_ind": []}, + {"detections": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "detections_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "detections_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "average_area": [32979.0562601315], "iou_threshold": 0.3, "iteration": 30, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[702.64, 463.78, 776.283, 686.71, 0.7767], [558.78, 437.53, 679.04, 800.3, 0.44773]], "detections_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "detections_before_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "average_area": [34626.330485663435], "iou_threshold": 0.3, "iteration": 31, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[558.78, 437.53, 679.04, 800.3, 0.81955]], "detections_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "detections_before_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "average_area": [31994.71112968957], "iou_threshold": 0.3, "iteration": 32, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1480.3, 413.27, 1600.56, 776.04, 0.87614]], "detections_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "detections_before_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "average_area": [33416.426909973314], "iou_threshold": 0.3, "iteration": 0, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "detections_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "detections_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "average_area": [41899.645008540414], "iou_threshold": 0.3, "iteration": 1, "return_matches": [[0, 1, 1], [2, 2, 0]], "return_del_ind": [[0, 1, 1], [2, 2, 0]]}, + {"detections": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "detections_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "average_area": [43632.14584964385], "iou_threshold": 0.3, "iteration": 2, "return_matches": [[0, 2, 2], [1, 0, 1], [2, 1, 0]], "return_del_ind": [[0, 2, 2], [1, 0, 1], [2, 1, 0]]}, + {"detections": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "detections_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "average_area": [42257.88713731571], "iou_threshold": 0.3, "iteration": 3, "return_matches": [[0, 2, 1], [1, 1, 0], [2, 0, 2]], "return_del_ind": [[0, 2, 1], [1, 1, 0], [2, 0, 2]]}, + {"detections": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "detections_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "detections_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "average_area": [40780.42096181836], "iou_threshold": 0.3, "iteration": 4, "return_matches": [[0, 1, 1], [1, 0, 2]], "return_del_ind": [[0, 1, 1], [1, 0, 2]]}, + {"detections": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "detections_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "detections_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "average_area": [41242.063343166206], "iou_threshold": 0.3, "iteration": 5, "return_matches": [[0, 1, 0], [1, 0, 1]], "return_del_ind": [[0, 1, 0], [1, 0, 1]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "detections_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "detections_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "average_area": [44227.14630929491], "iou_threshold": 0.3, "iteration": 6, "return_matches": [[0, 1, 0], [1, 0, 1]], "return_del_ind": [[0, 1, 0], [1, 0, 1]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "detections_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "average_area": [44914.9080941074], "iou_threshold": 0.3, "iteration": 7, "return_matches": [[0, 0, 1], [1, 1, 0]], "return_del_ind": [[0, 0, 1], [1, 1, 0]]}, + {"detections": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "average_area": [46961.41488824861], "iou_threshold": 0.3, "iteration": 8, "return_matches": [[0, 0, 0], [2, 1, 1]], "return_del_ind": [[0, 0, 0], [2, 1, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "detections_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "average_area": [35233.49032028802], "iou_threshold": 0.3, "iteration": 9, "return_matches": [[0, 1, 1]], "return_del_ind": [[0, 1, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "detections_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "average_area": [33987.1930667672], "iou_threshold": 0.3, "iteration": 10, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "average_area": [34807.352144271434], "iou_threshold": 0.3, "iteration": 11, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "detections_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "average_area": [34988.46766943957], "iou_threshold": 0.3, "iteration": 12, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[478.86, 442.1, 569.756, 716.79, 1.1515]], "detections_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "detections_before_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "average_area": [32697.497424139863], "iou_threshold": 0.3, "iteration": 13, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "average_area": [38227.43009144287], "iou_threshold": 0.3, "iteration": 14, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "average_area": [37521.95254768199], "iou_threshold": 0.3, "iteration": 15, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "detections_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "average_area": [37933.0836814937], "iou_threshold": 0.3, "iteration": 16, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "detections_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "detections_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "average_area": [36387.005629979845], "iou_threshold": 0.3, "iteration": 17, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "detections_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "detections_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "average_area": [40794.528893818206], "iou_threshold": 0.3, "iteration": 18, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[672.78, 433.93, 746.423, 656.86, 0.43969], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982]], "detections_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "detections_before_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "average_area": [38725.18380509759], "iou_threshold": 0.3, "iteration": 19, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "detections_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "detections_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "average_area": [31188.62597979776], "iou_threshold": 0.3, "iteration": 20, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "detections_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "detections_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "average_area": [31427.564092942466], "iou_threshold": 0.3, "iteration": 21, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "detections_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "detections_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "average_area": [31042.91497519174], "iou_threshold": 0.3, "iteration": 22, "return_matches": [], "return_del_ind": []}, + {"detections": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "detections_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "detections_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "average_area": [19744.05829019198], "iou_threshold": 0.3, "iteration": 23, "return_matches": [], "return_del_ind": []}, + {"detections": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "detections_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "detections_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "average_area": [28603.579354949135], "iou_threshold": 0.3, "iteration": 24, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "detections_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "detections_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "average_area": [29521.063616823514], "iou_threshold": 0.3, "iteration": 25, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "detections_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "detections_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "average_area": [30395.105006394042], "iou_threshold": 0.3, "iteration": 26, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "detections_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "detections_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "average_area": [29335.65740728794], "iou_threshold": 0.3, "iteration": 27, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "detections_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "detections_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "average_area": [26716.14553311332], "iou_threshold": 0.3, "iteration": 28, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "detections_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "detections_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "average_area": [28660.89243611884], "iou_threshold": 0.3, "iteration": 29, "return_matches": [], "return_del_ind": []}, + {"detections": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "detections_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "detections_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "average_area": [32979.0562601315], "iou_threshold": 0.3, "iteration": 30, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[702.64, 463.78, 776.283, 686.71, 0.7767], [558.78, 437.53, 679.04, 800.3, 0.44773]], "detections_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "detections_before_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "average_area": [34626.330485663435], "iou_threshold": 0.3, "iteration": 31, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[558.78, 437.53, 679.04, 800.3, 0.81955]], "detections_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "detections_before_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "average_area": [31994.71112968957], "iou_threshold": 0.3, "iteration": 32, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "detections_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "detections_before_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "average_area": [33854.387728327434], "iou_threshold": 0.3, "iteration": 33, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "detections_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "detections_before_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "average_area": [34841.36240664116], "iou_threshold": 0.3, "iteration": 34, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "detections_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "detections_before_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "average_area": [31360.703525707064], "iou_threshold": 0.3, "iteration": 35, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "detections_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "detections_before_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "average_area": [30832.359653102012], "iou_threshold": 0.3, "iteration": 36, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[534.0, 460.48, 555.974, 528.402, 1.1785]], "detections_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "detections_before_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "average_area": [31846.285434349862], "iou_threshold": 0.3, "iteration": 37, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "detections_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "detections_before_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "average_area": [28492.686209752963], "iou_threshold": 0.3, "iteration": 38, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "detections_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "detections_before_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "average_area": [29257.66140513454], "iou_threshold": 0.3, "iteration": 39, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "detections_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "detections_before_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "average_area": [40305.19371358487], "iou_threshold": 0.3, "iteration": 40, "return_matches": [], "return_del_ind": []}, + {"detections": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "detections_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "detections_before_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "average_area": [42995.54322102978], "iou_threshold": 0.3, "iteration": 41, "return_matches": [], "return_del_ind": []}, + {"detections": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "detections_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "detections_before_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "average_area": [42189.70037304218], "iou_threshold": 0.3, "iteration": 42, "return_matches": [], "return_del_ind": []}, + {"detections": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "detections_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "detections_before_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "average_area": [41879.3692563351], "iou_threshold": 0.3, "iteration": 43, "return_matches": [], "return_del_ind": []}, + {"detections": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "detections_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "detections_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "average_area": [39239.14569611801], "iou_threshold": 0.3, "iteration": 44, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "detections_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "detections_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "average_area": [39836.0147023516], "iou_threshold": 0.3, "iteration": 45, "return_matches": [[0, 2, 2], [1, 1, 1]], "return_del_ind": [[0, 2, 2], [1, 1, 1]]}, + {"detections": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "detections_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "detections_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "average_area": [39378.71188770526], "iou_threshold": 0.3, "iteration": 46, "return_matches": [[0, 0, 2], [1, 1, 1]], "return_del_ind": [[0, 0, 2], [1, 1, 1]]}, + {"detections": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "detections_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "detections_before_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "average_area": [41126.6642030188], "iou_threshold": 0.3, "iteration": 47, "return_matches": [[0, 1, 1]], "return_del_ind": [[0, 1, 1]]}, + {"detections": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "detections_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "detections_before_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "average_area": [42985.86866180526], "iou_threshold": 0.3, "iteration": 48, "return_matches": [[0, 0, 1]], "return_del_ind": [[0, 0, 1]]}, + {"detections": [[497.0, 449.0, 536.0, 568.0, 1.118], [705.0, 321.0, 864.0, 800.0, 0.48164]], "detections_before": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "detections_before_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "average_area": [43192.34384876516], "iou_threshold": 0.3, "iteration": 49, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "detections_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "detections_before_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "average_area": [33611.445346253226], "iou_threshold": 0.3, "iteration": 50, "return_matches": [[1, 0, 1]], "return_del_ind": [[1, 0, 1]]}, + {"detections": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "detections_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "detections_before_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "average_area": [33631.30541697515], "iou_threshold": 0.3, "iteration": 51, "return_matches": [], "return_del_ind": []}, + {"detections": [[892.72, 429.71, 977.462, 685.94, 0.70477]], "detections_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "detections_before_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "average_area": [37881.73192474145], "iou_threshold": 0.3, "iteration": 52, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "detections_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "detections_before_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "average_area": [62483.30821791463], "iou_threshold": 0.3, "iteration": 53, "return_matches": [], "return_del_ind": []}, + {"detections": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "detections_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "detections_before_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "average_area": [64174.110696734395], "iou_threshold": 0.3, "iteration": 54, "return_matches": [], "return_del_ind": []}, + {"detections": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "detections_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "detections_before_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "average_area": [56511.03043192209], "iou_threshold": 0.3, "iteration": 55, "return_matches": [[0, 1, 0]], "return_del_ind": [[0, 1, 0]]}, + {"detections": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "detections_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "detections_before_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "average_area": [55229.5371756217], "iou_threshold": 0.3, "iteration": 56, "return_matches": [], "return_del_ind": []}, + {"detections": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "detections_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "detections_before_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "average_area": [54724.16330952654], "iou_threshold": 0.3, "iteration": 57, "return_matches": [], "return_del_ind": []}, + {"detections": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "detections_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "detections_before_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "average_area": [49865.200217524354], "iou_threshold": 0.3, "iteration": 58, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "detections_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "detections_before_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "average_area": [51701.48161951506], "iou_threshold": 0.3, "iteration": 59, "return_matches": [], "return_del_ind": []}, + {"detections": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "detections_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "detections_before_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "average_area": [52711.85334512396], "iou_threshold": 0.3, "iteration": 60, "return_matches": [], "return_del_ind": []}, + {"detections": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "detections_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "detections_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "average_area": [48711.517890507304], "iou_threshold": 0.3, "iteration": 61, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "detections_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "detections_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "average_area": [47885.52422544819], "iou_threshold": 0.3, "iteration": 62, "return_matches": [[2, 1, 0]], "return_del_ind": [[2, 1, 0]]}, + {"detections": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "detections_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "detections_before_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "average_area": [51242.19921113908], "iou_threshold": 0.3, "iteration": 63, "return_matches": [[0, 2, 1]], "return_del_ind": [[0, 2, 1]]}, + {"detections": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "detections_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "detections_before_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "average_area": [52520.60098107217], "iou_threshold": 0.3, "iteration": 64, "return_matches": [], "return_del_ind": []}, + {"detections": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "detections_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "detections_before_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "average_area": [51055.32089337418], "iou_threshold": 0.3, "iteration": 65, "return_matches": [[0, 0, 0]], "return_del_ind": [[0, 0, 0]]}, + {"detections": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "detections_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "detections_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "average_area": [50520.77966317534], "iou_threshold": 0.3, "iteration": 66, "return_matches": [[1, 0, 0]], "return_del_ind": [[1, 0, 0]]}, + {"detections": [], "detections_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "detections_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "average_area": [50520.77966317534], "iou_threshold": 0.3, "iteration": 66, "return_matches": [], "return_del_ind": None}, + {"detections": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "detections_before": [], "detections_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "average_area": [50520.77966317534], "iou_threshold": 0.3, "iteration": 66, "return_matches": [], "return_del_ind": None}, + {"detections": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "detections_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "detections_before_before": [], "average_area": [50520.77966317534], "iou_threshold": 0.3, "iteration": 66, "return_matches": [], "return_del_ind": None}, + ] + + for t in test_data: + detections = list(map(lambda x: np.array(x), t['detections'])) + detections_before = list(map(lambda x: np.array(x), t['detections_before'])) + detections_before_before = list(map(lambda x: np.array(x), t['detections_before_before'])) + average_area = list(map(lambda x: np.array(x), t['average_area'])) + ret = association.find_new_trackers_2(detections, detections_before, detections_before_before, + average_area, t['iou_threshold']) + if len(detections) > 0 and len(detections_before) > 0 and len(detections_before_before) > 0: + self.assertListEqual(t['return_matches'], ret[0].tolist()) + self.assertListEqual(t['return_del_ind'], ret[1].tolist()) + else: + self.assertListEqual(t['return_matches'], ret.tolist()) + +if __name__ == '__main__': + unittest.main() diff --git a/spec/libs/test_calculate_cost.py b/spec/libs/test_calculate_cost.py new file mode 100644 index 0000000..49f6a2f --- /dev/null +++ b/spec/libs/test_calculate_cost.py @@ -0,0 +1,94 @@ +import unittest + +import numpy as np + +from libs import calculate_cost + + +class TestCalculateCost(unittest.TestCase): + def test_iou(self): + self.assertEqual(calculate_cost.iou([0, 0, 1, 1], [0, 0, 1, 1]), 1) + self.assertEqual(calculate_cost.iou([1, 1, 2, 3], [1, 1, 1.1, 1.2]), 0.010000000000000007) + + test_data_matrix = [ + { + 'detections': [ + [1, 1, 2, 3], + [1, 2, 3, 4], + [0, 0, 0.5, 0.2] + ], + 'trackers': [ + [1, 1, 1.1, 1.2], + [1, 3, 2, 5] + ], + 'test': [ + { + 'function': calculate_cost.cal_iou, + 'expected': np.array([[0.009999999776482582, 0.0], [0.0, 0.20000000298023224], [0.0, 0.0]], + np.float32) + }, + { + 'function': calculate_cost.cal_area_cost, + 'expected': np.array([[99.0, 0.0], [199.0, 1.0], [4.0, 19.0]]) + }, + ] + }, + { + 'detections': [ + [1, 1, 2, 3], + [1, 2, 3, 4], + [0, 0, 0.5, 0.2] + ], + 'trackers': [], + 'test': [ + { + 'function': calculate_cost.cal_iou, + 'expected': np.array([[], [], []], np.float32) + }, + { + 'function': calculate_cost.cal_area_cost, + 'expected': np.array([[], [], []], np.float32) + } + ] + }, + { + 'detections': [ + [1, 1, 2, 3], + [1, 2, 3, 4], + [0, 0, 0.5, 0.2] + ], + 'trackers': [1, 2, 3, 4], + 'test': [ + { + 'function': calculate_cost.cal_ios, + 'expected': np.array([[0.25], [1.0], [0.0]], np.float32) + } + ] + } + ] + + def test_cal_iou_area_cost_ios(self): + for test_data in self.test_data_matrix: + detections = test_data['detections'] + trackers = test_data['trackers'] + for test in test_data['test']: + expected = test['expected'] + actual = test['function'](detections, trackers) + self.assertListEqual(expected.tolist(), actual.tolist()) + + def test_cal_outside(self): + test_data_matrix = [ + { + 'trackers': [[-1, -200, 300, 400]], + 'img_s': [50, 50], + 'expected': np.array([[1.4138981]], np.float32) + } + ] + + for test in test_data_matrix: + actual = calculate_cost.cal_outside(test['trackers'], test['img_s']) + self.assertEqual(test['expected'], actual) + + +if __name__ == '__main__': + unittest.main() diff --git a/spec/libs/test_convert.py b/spec/libs/test_convert.py new file mode 100644 index 0000000..910a409 --- /dev/null +++ b/spec/libs/test_convert.py @@ -0,0 +1,16 @@ +import unittest +from libs import convert + + +class TestConvert(unittest.TestCase): + def test_bbox_to_z(self): + self.assertListEqual(convert.bbox_to_z([1, 2, 3, 4]).tolist(), [[2.0], [3.0], [4.0], [1.0]]) + + def test_x_to_bbox(self): + self.assertListEqual(convert.x_to_bbox([1, 2, 3, 4]).tolist(), [[-0.7320508075688772, 1.5669872981077806, 2.732050807568877, 2.433012701892219]]) + self.assertListEqual(convert.x_to_bbox([1, 2, 3, 4], 0.5).tolist(), + [[-0.7320508075688772, 1.5669872981077806, 2.732050807568877, 2.433012701892219, 0.5]]) + + +if __name__ == '__main__': + unittest.main() diff --git a/spec/libs/test_kalman_tracker.py b/spec/libs/test_kalman_tracker.py new file mode 100644 index 0000000..ed971c0 --- /dev/null +++ b/spec/libs/test_kalman_tracker.py @@ -0,0 +1,79 @@ +import unittest + +from libs.kalman_tracker import KalmanBoxTracker + + +class TestKalmanTracker(unittest.TestCase): + bbox = [[1., 2., 3., 4.], [1.1, 2.1, 3.1, 4.1], [1.2, 2.2, 3.2, 4.2]] + + def test_ctor_increment_id(self): + filter1 = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + filter2 = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + self.assertEqual(filter1.id + 1, filter2.id) + + def test_ctor_0(self): + filter1 = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + self.assertListEqual(filter1.kf.x.tolist(), [[2.], [3.], [4.], [1.], [0.], [0.], [0.]]) + self.assertListEqual(filter1.get_state().tolist(), [self.bbox[0]]) + + def test_ctor_1(self): + filter1 = KalmanBoxTracker(self.bbox[0], 1, [1, 2.1, 3.2, 4.3]) + self.assertListEqual(filter1.kf.x.tolist(), + [[2.], [3.], [4.], [1.], [-0.10000000000000009], [-0.20000000000000018], + [-0.8399999999999999]]) + self.assertListEqual(filter1.get_state().tolist(), [self.bbox[0]]) + + def test_0_predict(self): + f = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + + def test_1_predict(self): + f = KalmanBoxTracker(self.bbox[0], 1, self.bbox[0]) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + + def test_0_update_0(self): + f = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + f.update(self.bbox[0], 0) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + + def test_0_update_0_multiple(self): + f = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + for x in self.bbox: + f.update(x, 0) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + + def test_0_update_1_multiple(self): + f = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + for x in self.bbox: + f.update(x, 1) + actual = f.predict() + expected = [[1.096774193548387, 2.096774193548387, 3.096774193548387, 4.096774193548387]] + self.assertListEqual(expected, actual.tolist()) + self.assertListEqual(expected, f.get_state().tolist()) + + def test_1_update_1_negative(self): + f = KalmanBoxTracker(self.bbox[0], 1, [1, 2, 3.5, 4.5]) + for x in [self.bbox[0], [1, 2, 1.5, 3.5], [1, 2, 2, 3], [1, 2, 1.1, 2.1]]: + f.predict() + f.update(x, 1) + actual = f.predict() + expected = [[0.7705099024374483, 1.8092846803759595, 0.9155530672670072, 1.9636854687429093]] + self.assertListEqual(expected, actual.tolist()) + + def test_0_update_1(self): + f = KalmanBoxTracker(self.bbox[0], 0, self.bbox[0]) + f.update(self.bbox[0], 1) + actual = f.predict() + self.assertListEqual([self.bbox[0]], actual.tolist()) + + +if __name__ == '__main__': + unittest.main() diff --git a/spec/libs/test_tracker.py b/spec/libs/test_tracker.py new file mode 100644 index 0000000..4b5693c --- /dev/null +++ b/spec/libs/test_tracker.py @@ -0,0 +1,347 @@ +import json +import unittest + +import numpy as np + +from libs.convert import x_to_bbox +from libs.kalman_tracker import KalmanBoxTracker +from libs.tracker import Sort_OH, _remove_outside_trackers, _build_new_targets, _remove_dead_tracklet, \ + _init_area_and_trackers, _update_matched_trackers +from libs.utils import DictObj, list_of_ndarray_tolist + + +def kalman_box_tracker_to_json_no_state(t): + tjson = t + if isinstance(t, KalmanBoxTracker): + tjson = t.to_json() + + tjson.pop('get_state') + tjson.pop('time_since_update') + tjson.pop('id') + tjson.pop('kf') + return tjson + + +def kalman_tracker_mock_from_json(t): + t_obj = DictObj(t) + t_obj.update = lambda x, y: None + + if 'get_state' in t.keys(): + t_obj.get_state = lambda: t['get_state'] + if 'kf' in t.keys(): + t_obj.predict = lambda: x_to_bbox(t['kf']['x']) + + return t_obj + +class TestTracker(unittest.TestCase): + def assertNdArrayEqual(self, actual, expected, index=None): + if index is None: + index_copy = [] + else: + index_copy = index.copy() + + self.assertEqual(len(actual), len(expected), msg="Length at index %s" % index_copy) + for i in range(len(expected)): + index_copy.append(i) + + if isinstance(expected[i], list): + self.assertNdArrayEqual(actual[i], expected[i], index=index_copy) + else: + self.assertAlmostEqual(actual[i], expected[i], msg="Value at index %s" % index_copy) + + def assertSortOHJsonDictEqual(self, actual, expected): + self.assertEqual(actual['max_age'], expected['max_age']) + self.assertEqual(actual['min_hits'], expected['min_hits']) + self.assertListEqual( + list(map(lambda t: kalman_box_tracker_to_json_no_state(t), actual['trackers'])), + expected['trackers']) + self.assertEqual(len(actual['area_avg_array']), len(expected['area_avg_array'])) + for i in range(len(actual['area_avg_array'])): + self.assertAlmostEqual(actual['area_avg_array'][i], expected['area_avg_array'][i], msg="index: %i" % i) + self.assertEqual(actual['frame_count'], expected['frame_count']) + self.assertNdArrayEqual(actual['unmatched_before_before'], expected['unmatched_before_before']) + self.assertNdArrayEqual(actual['unmatched_before'], expected['unmatched_before']) + self.assertNdArrayEqual(actual['unmatched'], expected['unmatched']) + self.assertNdArrayEqual(actual['scene'], expected['scene']) + self.assertEqual(actual['conf_trgt'], expected['conf_trgt']) + self.assertEqual(actual['conf_objt'], expected['conf_objt']) + + def test_to_json_empty(self): + self.assertSortOHJsonDictEqual(Sort_OH().to_json(), { + "max_age": 3, + "min_hits": 3, + "trackers": [], + "area_avg_array": [], + "frame_count": 0, + "unmatched_before_before": [], + "unmatched_before": [], + "unmatched": [], + "scene": [1920, 1080], + "conf_trgt": 0, + "conf_objt": 0 + }) + self.assertSortOHJsonDictEqual(Sort_OH(1, 2).to_json(), { + "max_age": 1, + "min_hits": 2, + "trackers": [], + "area_avg_array": [], + "frame_count": 0, + "unmatched_before_before": [], + "unmatched_before": [], + "unmatched": [], + "scene": [1920, 1080], + "conf_trgt": 0, + "conf_objt": 0 + }) + + def test_to_json_filled(self): + detections = [[1359.1, 413.27, 1479.36, 776.04, 2.4731], [584.04, 446.86, 668.7819999999999, 703.09, 1.2369], + [729.0, 457.0, 768.0, 576.0, 0.40858]] + groundtruths = [[912.0, 484.0, 1009.0, 593.0, 0.0], [1342.0, 417.0, 1510.0, 797.0, 1.0], + [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], + [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], + [1422.0, 431.0, 1605.0, 768.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], + [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 555.0, 0.0], + [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], + [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], + [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], + [442.0, 446.0, 549.0, 728.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], + [1365.0, 434.0, 1417.0, 558.0, 1.0], [1480.0, 433.0, 1542.0, 558.0, 1.0], + [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], + [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], + [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], + [582.0, 455.0, 616.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], + [693.0, 462.0, 714.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], + [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], + [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], + [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], + [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], + [664.0, 451.0, 698.0, 536.0, 1.0]] + + t = Sort_OH() + for i in range(5): + t.update(np.array(detections), np.array(groundtruths)) + + self.assertSortOHJsonDictEqual(t.to_json(), { + "max_age": 3, + "min_hits": 3, + "trackers": [ + {'age': 4, 'confidence': 0.5, 'time_since_observed': 0}, + {'age': 4, 'confidence': 0.5, 'time_since_observed': 0} + ], + "area_avg_array": [0, 32670.08143, 32670.08143, 32670.08143, 32670.08143], + "frame_count": 5, + "unmatched_before_before": [[7.2900e+02, 4.5700e+02, 7.6800e+02, 5.7600e+02, 4.0858e-01]], + "unmatched_before": [[7.2900e+02, 4.5700e+02, 7.6800e+02, 5.7600e+02, 4.0858e-01]], + "unmatched": [[7.2900e+02, 4.5700e+02, 7.6800e+02, 5.7600e+02, 4.0858e-01]], + "scene": [1920, 1080], + "conf_trgt": 0, + "conf_objt": 0 + }) + + def test_update_invocations(self): + with open('spec/res/tracker_update.json') as f: + invocations = json.load(f)['invocations'] + + # Reset Kalman Tracker ID which got incremented in previous tests + KalmanBoxTracker.count = 0 + + # Make sure tracker is built as in the invocations + t = Sort_OH(invocations[0]['self']['max_age'], invocations[0]['self']['min_hits'], np.array([1920, 1080])) + t.conf_trgt = invocations[0]['self']['conf_trgt'] + t.conf_objt = invocations[0]['self']['conf_objt'] + + for x in invocations: + in_dets = np.array(x['dets']) + in_gts = np.array(x['gts']) + trackers, unmatched_trks_pos, unmatched_gts_pos = t.update(in_dets, in_gts) + + # Check main outputs + self.assertNdArrayEqual(trackers, x['ret_ret']) + self.assertNdArrayEqual(unmatched_trks_pos, x['ret_unmatched_trks_pos']) + self.assertNdArrayEqual(unmatched_gts_pos, x['ret_unmatched_gts_pos']) + + # Check for side effects on inputs + self.assertNdArrayEqual(in_dets, x['ret_dets']) + self.assertNdArrayEqual(in_gts, x['ret_gts']) + x['ret_self']['scene'] = [1920, 1080] # HACK: Supply this info after refactoring manually + self.assertSortOHJsonDictEqual(t.to_json(), x['ret_self']) + + def test__init_area_and_trackers(self): + x = { + "kalman_trackers": [ + {"time_since_observed": 0, "confidence": 0.5, "age": 100, "get_state": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949]], "time_since_update": 1, "id": 1, "kf": {"x": [702.6628455249197, 581.3762681601589, 30393.986862551403, 0.3311304962916904, 1.8372252619403222, -0.015659604650060353, 48.40383331102944]}}, + {"time_since_observed": 0, "confidence": 1, "age": 80, "get_state": [[507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718]], "time_since_update": 1, "id": 4, "kf": {"x": [559.7489971399144, np.nan, 33009.82897101042, 0.33122114821311116, -0.13915475487793044, 0.08126716203647405, 7.688792975854]}}, + {"time_since_observed": 0, "confidence": 0.5, "age": 18, "get_state": [[759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507]], "time_since_update": 1, "id": 6, "kf": {"x": [801.3564123799849, 575.5076438818289, 21519.077514331446, 0.33068935654121345, 2.916506192292385, 0.6870007981125773, 212.2750733010161]}}, + {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16, "get_state": [[559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915]], "time_since_update": 1, "id": 7, "kf": {"x": [619.3426092965894, 616.8036419005412, 42752.44841988766, 0.33148652924318034, -0.06572298440042505, 0.32076230568408565, -52.95193989110717]}} + ], + "ret_kalman_trackers": [ + {"time_since_observed": 0, "confidence": 0.5, "age": 100, "get_state": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949]], "time_since_update": 1, "id": 1, "kf": {"x": [702.6628455249197, 581.3762681601589, 30393.986862551403, 0.3311304962916904, 1.8372252619403222, -0.015659604650060353, 48.40383331102944]}}, + {"time_since_observed": 0, "confidence": 0.5, "age": 18, "get_state": [[759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507]], "time_since_update": 1, "id": 6, "kf": {"x": [801.3564123799849, 575.5076438818289, 21519.077514331446, 0.33068935654121345, 2.916506192292385, 0.6870007981125773, 212.2750733010161]}}, + {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16, "get_state": [[559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915]], "time_since_update": 1, "id": 7, "kf": {"x": [619.3426092965894, 616.8036419005412, 42752.44841988766, 0.33148652924318034, -0.06572298440042505, 0.32076230568408565, -52.95193989110717]}} + ], + "ret_trks": [ + [652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], + [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], + [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0] + ], + "ret_area_avg": 31918.83544194523 + } + kalman_trackers = list(map(lambda t: kalman_tracker_mock_from_json(t), x['kalman_trackers'])) + trks, area_avg = _init_area_and_trackers(kalman_trackers) + self.assertListEqual(trks.tolist(), x["ret_trks"]) + self.assertEqual(area_avg, x["ret_area_avg"]) + self.maxDiff = None + self.assertEqual(len(kalman_trackers), len(x['ret_kalman_trackers'])) + self.assertListEqual( + list(map(lambda t: kalman_tracker_mock_from_json(t) if isinstance(t, KalmanBoxTracker) else t, kalman_trackers)), + list(map(lambda t: kalman_tracker_mock_from_json(t), x['ret_kalman_trackers']))) + + def test__remove_outside_trackers(self): + x = {"trks": [[1359.1, 1413.27, 1479.3600000000001, 1776.04, 0.0], + [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "scene": [1920, 1080], + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, + {"time_since_observed": 0, "confidence": 0.5, "age": 1}], + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}], + "ret_trks": [[584.04, 446.86, 668.7819999999999, 703.09, 0.0]]} + kalman_trackers = list(map(lambda t: DictObj(t), x['kalman_trackers'])) + actual = _remove_outside_trackers(x['trks'], kalman_trackers, np.array(x['scene'])) + self.assertListEqual(actual.tolist(), x['ret_trks']) + self.assertListEqual(kalman_trackers, list(map(lambda t: DictObj(t), x['ret_kalman_trackers']))) + + def test__update_matched_trackers(self): + def testAndExpect(x): + kalman_trackers = list(map(lambda t: kalman_tracker_mock_from_json(t), x['kalman_trackers'])) + trks = np.array(x['trks']) + unmatched_trks_pos = _update_matched_trackers(np.array(x['dets']), kalman_trackers, x['unmatched_trks'], + x['occluded_trks'], np.array(x['matched']), trks) + self.assertListEqual( + list(map(lambda x: x.tolist(), unmatched_trks_pos[0])), + x['ret_unmatched_trks_pos'] + ) + self.assertListEqual( + list(map(lambda x: x.tolist(), trks)), + x['ret_trks'] + ) + self.assertListEqual( + list(map(lambda t: kalman_tracker_mock_from_json(t) if isinstance(t, KalmanBoxTracker) else t, + kalman_trackers)), + list(map(lambda t: kalman_tracker_mock_from_json(t), x['ret_kalman_trackers']))) + + testAndExpect({ + "dets": [ + [1434.1, 389.14, 1582.3899999999999, 836.0, 2.3735], + [589.13, 442.1, 680.026, 716.79, 1.3351], + [1528.8, 413.27, 1649.06, 776.04, 1.3038], + [729.0, 449.0, 768.0, 568.0, 0.55511], + [1254.6, 446.72, 1288.422, 550.19, 0.39739], + [478.71, 493.64, 552.353, 716.5699999999999, 0.33771] + ], + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12, "get_state": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252]], "time_since_update": 1, "id": 0, "kf": {"x": [[1524.5281360141978], [597.3817612437695], [57099.930820509384], [0.33169956799834216], [9.641498354998095], [0.2512390527014783], [1261.1879477256625]]}}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "get_state": [[586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907]], "time_since_update": 1, "id": 1, "kf": {"x": [[630.5644515580843], [577.8387493785046], [22999.53900898925], [0.33081868896770894], [0.0892406806373982], [0.5203642914075408], [-303.28790311845853]]}}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "get_state": [[1536.9790160857324, 413.27, 1657.2390160857326, 776.04]], "time_since_update": 1, "id": 2, "kf": {"x": [[1597.1090160857325], [594.655], [43626.720199999996], [0.3315048102103261], [7.289484157179798], [0.0], [0.0]]}}], + "unmatched_trks": [1], + "occluded_trks": [2], + "matched": [[0, 0], [1, 1], [2, 2]], + "trks": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]], + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12, "get_state": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252]], "time_since_update": 1, "id": 0, "kf": {"x": [[1524.5281360141978], [597.3817612437695], [57099.930820509384], [0.33169956799834216], [9.641498354998095], [0.2512390527014783], [1261.1879477256625]]}}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "get_state": [[586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907]], "time_since_update": 1, "id": 1, "kf": {"x": [[630.5644515580843], [577.8387493785046], [22999.53900898925], [0.33081868896770894], [0.0892406806373982], [0.5203642914075408], [-303.28790311845853]]}}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "get_state": [[1536.9790160857324, 413.27, 1657.2390160857326, 776.04]], "time_since_update": 1, "id": 2, "kf": {"x": [[1597.1090160857325], [594.655], [43626.720199999996], [0.3315048102103261], [7.289484157179798], [0.0], [0.0]]}}], + "ret_unmatched_trks_pos": [[586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 2.0]], + "ret_trks": [ + [1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], + [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], + [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0] + ]}) + + def test__build_new_targets(self): + def testAndExpect(x): + kalman_trackers = list(map(lambda t: DictObj(t), x['kalman_trackers'])) + _build_new_targets( + x['unmatched_before_before'], + x['unmatched_before'], + x['unmatched'], + x['area_avg'], + kalman_trackers + ) + self.assertListEqual(x['unmatched_before_before'], x['ret_unmatched_before_before']) + self.assertListEqual(x['unmatched_before'], x['ret_unmatched_before']) + self.assertListEqual(x['unmatched'], x['ret_unmatched']) + self.assertEqual(x['area_avg'], x['ret_area_avg']) + + self.assertListEqual( + list(map(lambda t: DictObj(kalman_box_tracker_to_json_no_state(t)) if isinstance(t, + KalmanBoxTracker) else t, + kalman_trackers)), + list(map(lambda t: DictObj(t), x['ret_kalman_trackers']))) + + testAndExpect({"unmatched_before_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], + [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], + "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], + "unmatched": [[30.857, 389.14, 179.147, 836.0, 1.2889]], "area_avg": 81108.71979844959, + "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, + {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, + {"time_since_observed": 0, "confidence": 1, "age": 230}, + {"time_since_observed": 8, "confidence": 1, "age": 159}, + {"time_since_observed": 0, "confidence": 0.5, "age": 121}, + {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, + {"time_since_observed": 0, "confidence": 0.5, "age": 95}], + "ret_unmatched_before_before": [[1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], + "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 81108.71979844959, + "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, + {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, + {"time_since_observed": 0, "confidence": 1, "age": 230}, + {"time_since_observed": 8, "confidence": 1, "age": 159}, + {"time_since_observed": 0, "confidence": 0.5, "age": 121}, + {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, + {"time_since_observed": 0, "confidence": 0.5, "age": 95}, + {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}); + testAndExpect({"unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], + [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], + "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], + [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], + [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], + "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], + [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], + [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], + "area_avg": 46961.41488824861, + "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, + {"time_since_observed": 0, "confidence": 0.5, "age": 15}, + {"time_since_observed": 0, "confidence": 0.5, "age": 10}], + "ret_unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207]], + "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], + [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], + "ret_unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], + [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], + "ret_area_avg": 46961.41488824861, + "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, + {"time_since_observed": 0, "confidence": 0.5, "age": 15}, + {"time_since_observed": 0, "confidence": 0.5, "age": 10}, + {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}); + + with open('spec/res/tracker__build_new_targets.json') as f: + invocations = json.load(f)['invocations'] + for x in invocations: + testAndExpect(x) + + def test__remove_dead_tracklet(self): + x = { + "kalman_trackers": [ + {"time_since_observed": 0, "confidence": 0.5, "age": 55, "get_state": [[618.7167233320538, 446.82986314705045, 703.5705941709728, 703.3933628232828]], "time_since_update": 0, "id": 1}, + {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40, "get_state": [[1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395]], "time_since_update": 6, "id": 3}, + {"time_since_observed": 0, "confidence": 0.5, "age": 35, "get_state": [[486.52492777282396, 444.2223193633019, 591.2660093965626, 760.4490279480096]], "time_since_update": 100, "id": 4} + ], + "max_age": 3, + "ret_kalman_trackers": [ + {"time_since_observed": 0, "confidence": 0.5, "age": 55, "get_state": [[618.7167233320538, 446.82986314705045, 703.5705941709728, 703.3933628232828]], "time_since_update": 0, "id": 1}, + {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40, "get_state": [[1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395]], "time_since_update": 6, "id": 3}, + ], + "ret": [[[618.7167233320538, 446.82986314705045, 703.5705941709728, 703.3933628232828, 2.0]]] + } + + kalman_trackers = list(map(lambda t: kalman_tracker_mock_from_json(t), x['kalman_trackers'])) + ret = _remove_dead_tracklet(kalman_trackers, x['max_age']) + self.assertListEqual(list_of_ndarray_tolist(ret), x['ret']) + self.assertListEqual( + list(map(lambda t: kalman_tracker_mock_from_json(t) if isinstance(t, KalmanBoxTracker) else t, kalman_trackers)), + list(map(lambda t: kalman_tracker_mock_from_json(t), x['ret_kalman_trackers']))) + + +if __name__ == '__main__': + unittest.main() diff --git a/spec/res/associate__clean_up_to_delete.json b/spec/res/associate__clean_up_to_delete.json new file mode 100644 index 0000000..87fb206 --- /dev/null +++ b/spec/res/associate__clean_up_to_delete.json @@ -0,0 +1,162 @@ +[{"matches_ext_com": [[[0, 0, 0]]], "unmatched_detections": [2], "unmatched_trackers": [1], "matches": [[0, 6], [1, 4], [3, 5], [4, 2], [5, 3], [6, 0]], "unmatched_before": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "ret_unmatched_before": [], "ret_matches": [[0, 6], [1, 4], [3, 5], [4, 2], [5, 3], [6, 0], [2, 1]], "ret_unmatched_trackers": [], "ret_unmatched_detections": []}, +{"matches_ext_com": [[[0, 1, 0]]], "unmatched_detections": [3, 5], "unmatched_trackers": [3], "matches": [[0, 4], [1, 5], [2, 2], [4, 6], [6, 0], [7, 1]], "unmatched_before": [[909.86, 429.71, 994.602, 685.94, 0.75014], [713.0, 477.0, 732.0, 536.0, 0.34918]], "ret_unmatched_before": [[713.0, 477.0, 732.0, 536.0, 0.34918]], "ret_matches": [[0, 4], [1, 5], [2, 2], [4, 6], [6, 0], [7, 1], [5, 3]], "ret_unmatched_trackers": [], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [[[0, 3, 0]]], "unmatched_detections": [4, 5, 6, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "ret_unmatched_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_trackers": [], "ret_unmatched_detections": [4, 5, 6]}, +{"matches_ext_com": [[[1, 0, 0]]], "unmatched_detections": [2], "unmatched_trackers": [3, 1], "matches": [[0, 0], [1, 2]], "unmatched_before": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "ret_unmatched_before": [], "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": []}, +{"matches_ext_com": [[[1, 0, 0]]], "unmatched_detections": [4], "unmatched_trackers": [3, 2], "matches": [[0, 0], [1, 4], [2, 1], [3, 5]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "ret_unmatched_before": [], "ret_matches": [[0, 0], [1, 4], [2, 1], [3, 5], [4, 2]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": []}, +{"matches_ext_com": [[[2, 0, 0]]], "unmatched_detections": [1, 4], "unmatched_trackers": [2, 3, 1, 4], "matches": [[0, 5], [2, 6], [3, 0]], "unmatched_before": [[1098.8, 423.24, 1308.92, 1055.6, 0.49083]], "ret_unmatched_before": [], "ret_matches": [[0, 5], [2, 6], [3, 0], [1, 1]], "ret_unmatched_trackers": [2, 3, 4], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [[[2, 0, 0]]], "unmatched_detections": [2, 4], "unmatched_trackers": [0, 2, 3, 1], "matches": [[0, 6], [1, 4], [3, 5]], "unmatched_before": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "ret_unmatched_before": [], "ret_matches": [[0, 6], [1, 4], [3, 5], [2, 3]], "ret_unmatched_trackers": [0, 2, 1], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [[[2, 0, 0]]], "unmatched_detections": [3, 4], "unmatched_trackers": [2, 4, 0, 1], "matches": [[0, 5], [1, 3], [2, 6]], "unmatched_before": [[1326.6, 390.88, 1455.56, 779.76, 0.34712]], "ret_unmatched_before": [], "ret_matches": [[0, 5], [1, 3], [2, 6], [3, 0]], "ret_unmatched_trackers": [2, 4, 1], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [[[2, 0, 0]]], "unmatched_detections": [4], "unmatched_trackers": [1, 3, 0], "matches": [[0, 2], [1, 6], [2, 5], [3, 4]], "unmatched_before": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "ret_unmatched_before": [], "ret_matches": [[0, 2], [1, 6], [2, 5], [3, 4], [4, 0]], "ret_unmatched_trackers": [1, 3], "ret_unmatched_detections": []}, +{"matches_ext_com": [[[2, 1, 0]]], "unmatched_detections": [2, 4, 5], "unmatched_trackers": [6, 1, 3, 0], "matches": [[0, 2], [1, 5], [3, 4], [6, 7]], "unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.37347]], "ret_unmatched_before": [], "ret_matches": [[0, 2], [1, 5], [3, 4], [6, 7], [4, 3]], "ret_unmatched_trackers": [6, 1, 0], "ret_unmatched_detections": [2, 5]}, +{"matches_ext_com": [[[3, 0, 0]]], "unmatched_detections": [4], "unmatched_trackers": [0, 1, 2, 3], "matches": [[0, 7], [1, 8], [2, 6], [3, 4], [5, 5]], "unmatched_before": [[971.35, 433.93, 1044.993, 656.86, 0.42435], [665.0, 441.0, 704.0, 560.0, 0.33452]], "ret_unmatched_before": [[665.0, 441.0, 704.0, 560.0, 0.33452]], "ret_matches": [[0, 7], [1, 8], [2, 6], [3, 4], [5, 5], [4, 3]], "ret_unmatched_trackers": [0, 1, 2], "ret_unmatched_detections": []}, +{"matches_ext_com": [[[4, 0, 0]]], "unmatched_detections": [5], "unmatched_trackers": [0, 5, 6, 7, 2], "matches": [[0, 4], [1, 3], [2, 1], [3, 9], [4, 8]], "unmatched_before": [[1046.0, 448.86, 1119.643, 671.79, 0.32509]], "ret_unmatched_before": [], "ret_matches": [[0, 4], [1, 3], [2, 1], [3, 9], [4, 8], [5, 2]], "ret_unmatched_trackers": [0, 5, 6, 7], "ret_unmatched_detections": []}, +{"matches_ext_com": [], "unmatched_detections": [1, 3, 4], "unmatched_trackers": [7, 0, 1, 3], "matches": [[0, 2], [2, 5], [5, 4], [6, 6]], "unmatched_before": [[1031.1, 433.93, 1104.743, 656.86, 0.89246], [542.7, 463.91, 566.3230000000001, 536.779, 0.53515]], "ret_unmatched_before": [[1031.1, 433.93, 1104.743, 656.86, 0.89246], [542.7, 463.91, 566.3230000000001, 536.779, 0.53515]], "ret_matches": [[0, 2], [2, 5], [5, 4], [6, 6]], "ret_unmatched_trackers": [7, 0, 1, 3], "ret_unmatched_detections": [1, 3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [1, 3], "unmatched_trackers": [2, 3], "matches": [[0, 0], [2, 5], [4, 1], [5, 4]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "ret_unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "ret_matches": [[0, 0], [2, 5], [4, 1], [5, 4]], "ret_unmatched_trackers": [2, 3], "ret_unmatched_detections": [1, 3]}, +{"matches_ext_com": [], "unmatched_detections": [1, 3], "unmatched_trackers": [3, 6, 8, 0, 1], "matches": [[0, 2], [2, 5], [4, 4], [5, 7], [6, 9]], "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 0.84872], [1046.0, 448.86, 1119.643, 671.79, 0.53011]], "ret_unmatched_before": [[686.94, 446.86, 728.811, 574.47, 0.84872], [1046.0, 448.86, 1119.643, 671.79, 0.53011]], "ret_matches": [[0, 2], [2, 5], [4, 4], [5, 7], [6, 9]], "ret_unmatched_trackers": [3, 6, 8, 0, 1], "ret_unmatched_detections": [1, 3]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [0], "matches": [[0, 2], [2, 4], [3, 1], [4, 3]], "unmatched_before": [[104.97, 442.87, 233.93, 831.75, 0.84747]], "ret_unmatched_before": [[104.97, 442.87, 233.93, 831.75, 0.84747]], "ret_matches": [[0, 2], [2, 4], [3, 1], [4, 3]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1, 4, 0], "matches": [[0, 3], [2, 2], [3, 5]], "unmatched_before": [[558.32, 451.14, 578.755, 514.446, 0.33033]], "ret_unmatched_before": [[558.32, 451.14, 578.755, 514.446, 0.33033]], "ret_matches": [[0, 3], [2, 2], [3, 5]], "ret_unmatched_trackers": [1, 4, 0], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1, 7, 0], "matches": [[0, 6], [2, 5], [3, 3], [4, 2], [5, 4]], "unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "ret_unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "ret_matches": [[0, 6], [2, 5], [3, 3], [4, 2], [5, 4]], "ret_unmatched_trackers": [1, 7, 0], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1], "matches": [[0, 0], [2, 3], [3, 2]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "ret_unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "ret_matches": [[0, 0], [2, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1], "matches": [[0, 0]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "ret_matches": [[0, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1], "matches": [[0, 0]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_matches": [[0, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [1], "matches": [[0, 0]], "unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_matches": [[0, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [1], "unmatched_trackers": [3, 5, 0], "matches": [[0, 4], [2, 1], [3, 6], [4, 2]], "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "ret_unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "ret_matches": [[0, 4], [2, 1], [3, 6], [4, 2]], "ret_unmatched_trackers": [3, 5, 0], "ret_unmatched_detections": [1]}, +{"matches_ext_com": [], "unmatched_detections": [2, 3, 4], "unmatched_trackers": [6, 8, 1, 0, 3], "matches": [[0, 2], [1, 5], [5, 7], [6, 4]], "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0648], [866.6, 402.13, 971.1600000000001, 717.81, 0.91548], [1029.9, 429.71, 1114.642, 685.94, 0.59824]], "ret_unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0648], [866.6, 402.13, 971.1600000000001, 717.81, 0.91548], [1029.9, 429.71, 1114.642, 685.94, 0.59824]], "ret_matches": [[0, 2], [1, 5], [5, 7], [6, 4]], "ret_unmatched_trackers": [6, 8, 1, 0, 3], "ret_unmatched_detections": [2, 3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [2, 3, 5], "unmatched_trackers": [1, 0, 6], "matches": [[0, 2], [1, 5], [4, 8], [6, 7], [7, 4], [8, 3]], "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.95338], [866.6, 402.13, 971.1600000000001, 717.81, 0.52358]], "ret_unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.95338], [866.6, 402.13, 971.1600000000001, 717.81, 0.52358]], "ret_matches": [[0, 2], [1, 5], [4, 8], [6, 7], [7, 4], [8, 3]], "ret_unmatched_trackers": [1, 0, 6], "ret_unmatched_detections": [2, 3, 5]}, +{"matches_ext_com": [], "unmatched_detections": [2, 3], "unmatched_trackers": [4, 6, 7, 0, 1], "matches": [[0, 2], [1, 5], [4, 3]], "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.76812], [1029.9, 429.71, 1114.642, 685.94, 0.52121], [867.73, 414.66, 965.222, 709.1300000000001, 0.41614]], "ret_unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.76812], [1029.9, 429.71, 1114.642, 685.94, 0.52121], [867.73, 414.66, 965.222, 709.1300000000001, 0.41614]], "ret_matches": [[0, 2], [1, 5], [4, 3]], "ret_unmatched_trackers": [4, 6, 7, 0, 1], "ret_unmatched_detections": [2, 3]}, +{"matches_ext_com": [], "unmatched_detections": [2, 4, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "ret_unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "ret_matches": [[0, 0], [1, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [2, 4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [2, 4, 6], "unmatched_trackers": [0, 1, 7], "matches": [[0, 2], [1, 5], [3, 3], [5, 4], [7, 6]], "unmatched_before": [[867.73, 414.66, 965.222, 709.1300000000001, 0.77034], [544.64, 460.19, 570.03, 538.36, 0.4961]], "ret_unmatched_before": [[867.73, 414.66, 965.222, 709.1300000000001, 0.77034], [544.64, 460.19, 570.03, 538.36, 0.4961]], "ret_matches": [[0, 2], [1, 5], [3, 3], [5, 4], [7, 6]], "ret_unmatched_trackers": [0, 1, 7], "ret_unmatched_detections": [2, 4, 6]}, +{"matches_ext_com": [], "unmatched_detections": [2, 5], "unmatched_trackers": [0, 1], "matches": [[0, 3], [1, 2], [3, 4], [4, 5]], "unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.2336]], "ret_unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.2336]], "ret_matches": [[0, 3], [1, 2], [3, 4], [4, 5]], "ret_unmatched_trackers": [0, 1], "ret_unmatched_detections": [2, 5]}, +{"matches_ext_com": [], "unmatched_detections": [2, 5], "unmatched_trackers": [0, 7, 1, 2], "matches": [[0, 6], [1, 5], [3, 3], [4, 4]], "unmatched_before": [[523.01, 458.99, 546.633, 531.859, 1.118], [704.29, 389.02, 824.55, 751.79, 0.51938]], "ret_unmatched_before": [[523.01, 458.99, 546.633, 531.859, 1.118], [704.29, 389.02, 824.55, 751.79, 0.51938]], "ret_matches": [[0, 6], [1, 5], [3, 3], [4, 4]], "ret_unmatched_trackers": [0, 7, 1, 2], "ret_unmatched_detections": [2, 5]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1, 0], "matches": [[0, 3], [1, 2], [3, 5], [4, 4]], "unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.3332]], "ret_unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.3332]], "ret_matches": [[0, 3], [1, 2], [3, 5], [4, 4]], "ret_unmatched_trackers": [1, 0], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1, 6, 0], "matches": [[0, 5], [1, 4], [3, 2], [4, 3]], "unmatched_before": [[1056.6, 296.57, 1161.1599999999999, 612.25, 0.31093], [571.03, 454.91, 596.42, 533.08, 0.71489], [537.78, 458.99, 561.403, 531.859, 0.49085]], "ret_unmatched_before": [[1056.6, 296.57, 1161.1599999999999, 612.25, 0.31093], [571.03, 454.91, 596.42, 533.08, 0.71489], [537.78, 458.99, 561.403, 531.859, 0.49085]], "ret_matches": [[0, 5], [1, 4], [3, 2], [4, 3]], "ret_unmatched_trackers": [1, 6, 0], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1, 7, 0], "matches": [[0, 6], [1, 3], [3, 4], [4, 5], [5, 2]], "unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "ret_unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "ret_matches": [[0, 6], [1, 3], [3, 4], [4, 5], [5, 2]], "ret_unmatched_trackers": [1, 7, 0], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [3, 3]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_matches": [[0, 0], [1, 2], [3, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1], "matches": [[0, 2], [1, 0]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_matches": [[0, 2], [1, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [1], "matches": [[0, 2], [1, 0]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_matches": [[0, 2], [1, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [2], "matches": [[0, 1], [1, 0], [3, 3]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "ret_matches": [[0, 1], [1, 0], [3, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [2], "matches": [[0, 1], [1, 0], [3, 3]], "unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "ret_unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "ret_matches": [[0, 1], [1, 0], [3, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [2], "unmatched_trackers": [3], "matches": [[0, 0], [1, 2], [3, 1]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "ret_unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "ret_matches": [[0, 0], [1, 2], [3, 1]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": [2]}, +{"matches_ext_com": [], "unmatched_detections": [3, 2], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [4, 2]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "ret_unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "ret_matches": [[0, 0], [1, 3], [4, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3, 2]}, +{"matches_ext_com": [], "unmatched_detections": [3, 4], "unmatched_trackers": [0, 4], "matches": [[0, 1], [1, 3], [2, 2]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_matches": [[0, 1], [1, 3], [2, 2]], "ret_unmatched_trackers": [0, 4], "ret_unmatched_detections": [3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [3, 4], "unmatched_trackers": [3, 0, 1], "matches": [[0, 2], [1, 4], [2, 5]], "unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_matches": [[0, 2], [1, 4], [2, 5]], "ret_unmatched_trackers": [3, 0, 1], "ret_unmatched_detections": [3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [3, 4], "unmatched_trackers": [3, 0, 1], "matches": [[0, 4], [1, 2], [2, 5]], "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.69158]], "ret_unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.69158]], "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_trackers": [3, 0, 1], "ret_unmatched_detections": [3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [3, 4], "unmatched_trackers": [4, 6, 0, 1], "matches": [[0, 3], [1, 5], [2, 2]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "ret_unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "ret_matches": [[0, 3], [1, 5], [2, 2]], "ret_unmatched_trackers": [4, 6, 0, 1], "ret_unmatched_detections": [3, 4]}, +{"matches_ext_com": [], "unmatched_detections": [3, 5], "unmatched_trackers": [4, 0], "matches": [[0, 3], [1, 2], [2, 5], [4, 6], [6, 1]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_matches": [[0, 3], [1, 2], [2, 5], [4, 6], [6, 1]], "ret_unmatched_trackers": [4, 0], "ret_unmatched_detections": [3, 5]}, +{"matches_ext_com": [], "unmatched_detections": [3, 5], "unmatched_trackers": [5, 0, 3], "matches": [[0, 1], [1, 4], [2, 6], [4, 2]], "unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "ret_unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "ret_matches": [[0, 1], [1, 4], [2, 6], [4, 2]], "ret_unmatched_trackers": [5, 0, 3], "ret_unmatched_detections": [3, 5]}, +{"matches_ext_com": [], "unmatched_detections": [3, 6], "unmatched_trackers": [2, 0, 7], "matches": [[0, 3], [1, 5], [2, 6], [4, 4], [5, 1]], "unmatched_before": [[524.81, 460.48, 546.784, 528.402, 0.82506]], "ret_unmatched_before": [[524.81, 460.48, 546.784, 528.402, 0.82506]], "ret_matches": [[0, 3], [1, 5], [2, 6], [4, 4], [5, 1]], "ret_unmatched_trackers": [2, 0, 7], "ret_unmatched_detections": [3, 6]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [0, 1, 6, 7, 3], "matches": [[0, 2], [1, 5], [2, 4]], "unmatched_before": [[864.82, 423.72, 955.716, 698.4100000000001, 0.62449]], "ret_unmatched_before": [[864.82, 423.72, 955.716, 698.4100000000001, 0.62449]], "ret_matches": [[0, 2], [1, 5], [2, 4]], "ret_unmatched_trackers": [0, 1, 6, 7, 3], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [0, 6], "matches": [[0, 4], [1, 5], [2, 2], [4, 3], [5, 1]], "unmatched_before": [[1144.7, 260.92, 1403.6200000000001, 1039.68, 0.7181]], "ret_unmatched_before": [[1144.7, 260.92, 1403.6200000000001, 1039.68, 0.7181]], "ret_matches": [[0, 4], [1, 5], [2, 2], [4, 3], [5, 1]], "ret_unmatched_trackers": [0, 6], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [0, 7, 1], "matches": [[0, 6], [1, 5], [2, 4], [4, 3], [5, 2]], "unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "ret_unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "ret_matches": [[0, 6], [1, 5], [2, 4], [4, 3], [5, 2]], "ret_unmatched_trackers": [0, 7, 1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [0], "matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.3245]], "ret_unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.3245]], "ret_matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [0], "matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "unmatched_before": [[84.573, 418.86, 222.863, 835.72, 0.39375]], "ret_unmatched_before": [[84.573, 418.86, 222.863, 835.72, 0.39375]], "ret_matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 0], "matches": [[0, 6], [1, 4], [2, 5], [4, 2], [5, 3]], "unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_matches": [[0, 6], [1, 4], [2, 5], [4, 2], [5, 3]], "ret_unmatched_trackers": [1, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 3, 0], "matches": [[0, 4], [1, 2], [2, 5]], "unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.64785]], "ret_unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.64785]], "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_trackers": [1, 3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 3, 0], "matches": [[0, 4], [1, 5], [2, 2]], "unmatched_before": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "ret_unmatched_before": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "ret_matches": [[0, 4], [1, 5], [2, 2]], "ret_unmatched_trackers": [1, 3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 3, 0], "matches": [[0, 5], [1, 2], [2, 4]], "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.68677], [1003.9, 223.86, 1281.48, 1058.5900000000001, 0.36883]], "ret_unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.68677], [1003.9, 223.86, 1281.48, 1058.5900000000001, 0.36883]], "ret_matches": [[0, 5], [1, 2], [2, 4]], "ret_unmatched_trackers": [1, 3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 3, 0], "matches": [[0, 5], [1, 4], [2, 2]], "unmatched_before": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.64515]], "ret_unmatched_before": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.64515]], "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_trackers": [1, 3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 3, 0], "matches": [[0, 5], [1, 4], [2, 2]], "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.5201]], "ret_unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.5201]], "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_trackers": [1, 3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1, 4, 0], "matches": [[0, 3], [1, 2], [2, 5], [4, 6]], "unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_matches": [[0, 3], [1, 2], [2, 5], [4, 6]], "ret_unmatched_trackers": [1, 4, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "ret_unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "ret_unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "ret_unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "ret_unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 3], [1, 2], [2, 0], [4, 4]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_matches": [[0, 3], [1, 2], [2, 0], [4, 4]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [1], "matches": [[0, 4], [1, 0], [2, 3], [4, 2]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "ret_matches": [[0, 4], [1, 0], [2, 3], [4, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [2, 7, 1], "matches": [[0, 5], [1, 6], [2, 4], [4, 3], [5, 0]], "unmatched_before": [[631.54, 455.71, 660.8539999999999, 545.653, 0.60185]], "ret_unmatched_before": [[631.54, 455.71, 660.8539999999999, 545.653, 0.60185]], "ret_matches": [[0, 5], [1, 6], [2, 4], [4, 3], [5, 0]], "ret_unmatched_trackers": [2, 7, 1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [2], "matches": [[0, 1], [1, 0], [2, 3]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [2], "matches": [[0, 1], [1, 0], [2, 3]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [2], "matches": [[0, 1], [1, 0], [2, 3]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [3, 0], "matches": [[0, 2], [1, 1], [2, 4]], "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.30321], [52.984, 442.87, 181.94400000000002, 831.75, 0.57148]], "ret_unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.30321], [52.984, 442.87, 181.94400000000002, 831.75, 0.57148]], "ret_matches": [[0, 2], [1, 1], [2, 4]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [3, 0], "matches": [[0, 2], [1, 4], [2, 1]], "unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.42977]], "ret_unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.42977]], "ret_matches": [[0, 2], [1, 4], [2, 1]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [3, 1], "matches": [[0, 6], [1, 4], [2, 2], [4, 5], [5, 0]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "ret_unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "ret_matches": [[0, 6], [1, 4], [2, 2], [4, 5], [5, 0]], "ret_unmatched_trackers": [3, 1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [3, 6, 1], "matches": [[0, 2], [1, 5], [2, 0], [4, 7], [5, 4]], "unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.61186]], "ret_unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.61186]], "ret_matches": [[0, 2], [1, 5], [2, 0], [4, 7], [5, 4]], "ret_unmatched_trackers": [3, 6, 1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [3], "matches": [[0, 0], [1, 2], [2, 1]], "unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "ret_unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [4, 1], "matches": [[0, 3], [1, 0], [2, 2]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_matches": [[0, 3], [1, 0], [2, 2]], "ret_unmatched_trackers": [4, 1], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [4, 5, 0], "matches": [[0, 2], [1, 3], [2, 1]], "unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.30549]], "ret_unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.30549]], "ret_matches": [[0, 2], [1, 3], [2, 1]], "ret_unmatched_trackers": [4, 5, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [3], "unmatched_trackers": [4, 5, 0], "matches": [[0, 2], [1, 3], [2, 1]], "unmatched_before": [[562.61, 455.43, 583.045, 518.736, 0.625]], "ret_unmatched_before": [[562.61, 455.43, 583.045, 518.736, 0.625]], "ret_matches": [[0, 2], [1, 3], [2, 1]], "ret_unmatched_trackers": [4, 5, 0], "ret_unmatched_detections": [3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 1], "unmatched_trackers": [2], "matches": [[0, 0], [2, 4], [3, 3], [5, 1]], "unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_matches": [[0, 0], [2, 4], [3, 3], [5, 1]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [4, 1]}, +{"matches_ext_com": [], "unmatched_detections": [4, 2], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [3, 2]], "unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "ret_unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "ret_matches": [[0, 0], [1, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 2]}, +{"matches_ext_com": [], "unmatched_detections": [4, 2], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [3, 2]], "unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "ret_unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "ret_matches": [[0, 0], [1, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 2]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [0], "matches": [[0, 2], [1, 3], [2, 1], [5, 4]], "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.44758]], "ret_unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.44758]], "ret_matches": [[0, 2], [1, 3], [2, 1], [5, 4]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "ret_unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 2], [2, 3]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "ret_unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 3], "unmatched_trackers": [3], "matches": [[0, 0], [1, 5], [2, 1], [5, 4], [6, 2]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "ret_unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "ret_matches": [[0, 0], [1, 5], [2, 1], [5, 4], [6, 2]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": [4, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 5, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "ret_unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 5, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 5, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "ret_unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 5, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 5, 3], "unmatched_trackers": [1], "matches": [[0, 0], [1, 3], [2, 2]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4, 5, 3]}, +{"matches_ext_com": [], "unmatched_detections": [4, 6], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [2, 4], [3, 5], [5, 3]], "unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 5], [5, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [4, 6]}, +{"matches_ext_com": [], "unmatched_detections": [4, 6], "unmatched_trackers": [4, 2, 1], "matches": [[0, 5], [1, 6], [2, 8], [3, 3], [5, 7], [7, 0], [8, 9]], "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.43958]], "ret_unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.43958]], "ret_matches": [[0, 5], [1, 6], [2, 8], [3, 3], [5, 7], [7, 0], [8, 9]], "ret_unmatched_trackers": [4, 2, 1], "ret_unmatched_detections": [4, 6]}, +{"matches_ext_com": [], "unmatched_detections": [4, 6], "unmatched_trackers": [4, 3], "matches": [[0, 5], [1, 6], [2, 0], [3, 2], [5, 1]], "unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.30965]], "ret_unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.30965]], "ret_matches": [[0, 5], [1, 6], [2, 0], [3, 2], [5, 1]], "ret_unmatched_trackers": [4, 3], "ret_unmatched_detections": [4, 6]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [0, 2], "matches": [[0, 5], [1, 1], [2, 4], [3, 3], [5, 6]], "unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_matches": [[0, 5], [1, 1], [2, 4], [3, 3], [5, 6]], "ret_unmatched_trackers": [0, 2], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [0, 6], "matches": [[0, 4], [1, 2], [2, 5], [3, 3], [5, 1]], "unmatched_before": [[528.8, 454.91, 554.1899999999999, 533.08, 0.49409], [729.37, 449.63, 754.76, 527.8, 0.43054], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.56281]], "ret_unmatched_before": [[528.8, 454.91, 554.1899999999999, 533.08, 0.49409], [729.37, 449.63, 754.76, 527.8, 0.43054], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.56281]], "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [5, 1]], "ret_unmatched_trackers": [0, 6], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [1, 0], "matches": [[0, 5], [1, 6], [2, 4], [3, 2], [5, 3]], "unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "ret_unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "ret_matches": [[0, 5], [1, 6], [2, 4], [3, 2], [5, 3]], "ret_unmatched_trackers": [1, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [1, 2, 3, 0], "matches": [[0, 5], [1, 4], [2, 6], [3, 7]], "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.43709]], "ret_unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.43709]], "ret_matches": [[0, 5], [1, 4], [2, 6], [3, 7]], "ret_unmatched_trackers": [1, 2, 3, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [1, 3, 6, 0], "matches": [[0, 5], [1, 2], [2, 7], [3, 4]], "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.45503]], "ret_unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.45503]], "ret_matches": [[0, 5], [1, 2], [2, 7], [3, 4]], "ret_unmatched_trackers": [1, 3, 6, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [1], "matches": [[0, 2], [1, 0], [2, 3], [3, 4]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "ret_matches": [[0, 2], [1, 0], [2, 3], [3, 4]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [1], "matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [2, 0], "matches": [[0, 6], [1, 3], [2, 1], [3, 4], [5, 5]], "unmatched_before": [[872.16, 442.23, 927.7289999999999, 610.94, 1.0282]], "ret_unmatched_before": [[872.16, 442.23, 927.7289999999999, 610.94, 1.0282]], "ret_matches": [[0, 6], [1, 3], [2, 1], [3, 4], [5, 5]], "ret_unmatched_trackers": [2, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [2, 6, 0], "matches": [[0, 1], [1, 3], [2, 4], [3, 5], [5, 7]], "unmatched_before": [[1170.6, 520.84, 1299.56, 909.72, 0.3499]], "ret_unmatched_before": [[1170.6, 520.84, 1299.56, 909.72, 0.3499]], "ret_matches": [[0, 1], [1, 3], [2, 4], [3, 5], [5, 7]], "ret_unmatched_trackers": [2, 6, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "ret_unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [3, 0], "matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "ret_unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [3, 0], "matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [3, 0], "matches": [[0, 4], [1, 6], [2, 2], [3, 1], [5, 5]], "unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_matches": [[0, 4], [1, 6], [2, 2], [3, 1], [5, 5]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [3, 4], "matches": [[0, 5], [1, 0], [2, 2], [3, 6], [5, 1]], "unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.61791], [595.16, 473.9, 654.789, 654.79, 0.37431]], "ret_unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.61791], [595.16, 473.9, 654.789, 654.79, 0.37431]], "ret_matches": [[0, 5], [1, 0], [2, 2], [3, 6], [5, 1]], "ret_unmatched_trackers": [3, 4], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [3, 5, 0], "matches": [[0, 4], [1, 6], [2, 1], [3, 2]], "unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2]], "ret_unmatched_trackers": [3, 5, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [4, 0], "matches": [[0, 2], [1, 3], [2, 1], [3, 5]], "unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.37943]], "ret_unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.37943]], "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 5]], "ret_unmatched_trackers": [4, 0], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [6, 1], "matches": [[0, 5], [1, 2], [2, 3], [3, 4], [5, 7], [6, 0]], "unmatched_before": [[676.79, 312.9, 805.75, 701.78, 0.49908]], "ret_unmatched_before": [[676.79, 312.9, 805.75, 701.78, 0.49908]], "ret_matches": [[0, 5], [1, 2], [2, 3], [3, 4], [5, 7], [6, 0]], "ret_unmatched_trackers": [6, 1], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [4], "unmatched_trackers": [7], "matches": [[0, 5], [1, 6], [2, 2], [3, 3], [5, 4], [6, 0], [7, 1]], "unmatched_before": [[577.0, 441.0, 616.0, 560.0, 0.55247]], "ret_unmatched_before": [[577.0, 441.0, 616.0, 560.0, 0.55247]], "ret_matches": [[0, 5], [1, 6], [2, 2], [3, 3], [5, 4], [6, 0], [7, 1]], "ret_unmatched_trackers": [7], "ret_unmatched_detections": [4]}, +{"matches_ext_com": [], "unmatched_detections": [5, 1], "unmatched_trackers": [3], "matches": [[0, 0], [2, 4], [3, 5], [4, 2], [6, 1]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_matches": [[0, 0], [2, 4], [3, 5], [4, 2], [6, 1]], "ret_unmatched_trackers": [3], "ret_unmatched_detections": [5, 1]}, +{"matches_ext_com": [], "unmatched_detections": [5, 2], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [3, 4], [4, 3]], "unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "ret_unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "ret_matches": [[0, 0], [1, 1], [3, 4], [4, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [5, 2]}, +{"matches_ext_com": [], "unmatched_detections": [5, 3], "unmatched_trackers": [0], "matches": [[0, 2], [1, 1], [2, 4], [4, 3]], "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.53739]], "ret_unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.53739]], "ret_matches": [[0, 2], [1, 1], [2, 4], [4, 3]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [5, 3]}, +{"matches_ext_com": [], "unmatched_detections": [5, 4], "unmatched_trackers": [0], "matches": [[0, 2], [1, 1], [2, 3], [3, 4]], "unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.42715], [681.0, 489.0, 720.0, 608.0, 0.60319]], "ret_unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.42715], [681.0, 489.0, 720.0, 608.0, 0.60319]], "ret_matches": [[0, 2], [1, 1], [2, 3], [3, 4]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [5, 4]}, +{"matches_ext_com": [], "unmatched_detections": [5, 4], "unmatched_trackers": [1], "matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [5, 4]}, +{"matches_ext_com": [], "unmatched_detections": [5, 6, 4], "unmatched_trackers": [1], "matches": [[0, 0], [1, 4], [2, 3], [3, 2]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 2]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [5, 6, 4]}, +{"matches_ext_com": [], "unmatched_detections": [5, 6, 4], "unmatched_trackers": [6], "matches": [[0, 2], [1, 4], [2, 5], [3, 3], [7, 0], [8, 1]], "unmatched_before": [[1171.0, 223.86, 1448.58, 1058.5900000000001, 0.43719], [729.37, 449.63, 754.76, 527.8, 0.31137]], "ret_unmatched_before": [[1171.0, 223.86, 1448.58, 1058.5900000000001, 0.43719], [729.37, 449.63, 754.76, 527.8, 0.31137]], "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 3], [7, 0], [8, 1]], "ret_unmatched_trackers": [6], "ret_unmatched_detections": [5, 6, 4]}, +{"matches_ext_com": [], "unmatched_detections": [5, 6], "unmatched_trackers": [0, 1], "matches": [[0, 6], [1, 4], [2, 5], [3, 3], [4, 2]], "unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 3], [4, 2]], "ret_unmatched_trackers": [0, 1], "ret_unmatched_detections": [5, 6]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [0, 1], "matches": [[0, 5], [1, 2], [2, 4], [3, 7], [4, 6], [6, 3]], "unmatched_before": [[1092.3, 425.4, 1151.9289999999999, 606.29, 0.33908]], "ret_unmatched_before": [[1092.3, 425.4, 1151.9289999999999, 606.29, 0.33908]], "ret_matches": [[0, 5], [1, 2], [2, 4], [3, 7], [4, 6], [6, 3]], "ret_unmatched_trackers": [0, 1], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [0], "matches": [[0, 2], [1, 1], [2, 4], [3, 5], [4, 3], [6, 6]], "unmatched_before": [[894.78, 442.23, 950.3489999999999, 610.94, 0.5097]], "ret_unmatched_before": [[894.78, 442.23, 950.3489999999999, 610.94, 0.5097]], "ret_matches": [[0, 2], [1, 1], [2, 4], [3, 5], [4, 3], [6, 6]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [0], "matches": [[0, 4], [1, 2], [2, 5], [3, 1], [4, 3]], "unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.55261]], "ret_unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.55261]], "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 1], [4, 3]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [1, 0], "matches": [[0, 6], [1, 2], [2, 5], [3, 4], [4, 3]], "unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "ret_unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "ret_matches": [[0, 6], [1, 2], [2, 5], [3, 4], [4, 3]], "ret_unmatched_trackers": [1, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [1], "matches": [[0, 0], [1, 4], [2, 2], [3, 3], [4, 5]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_matches": [[0, 0], [1, 4], [2, 2], [3, 3], [4, 5]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [1], "matches": [[0, 4], [1, 2], [2, 5], [3, 3], [4, 0]], "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.51674]], "ret_unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.51674]], "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [4, 0]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [2, 5, 0], "matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [6, 7], [7, 1]], "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.57425]], "ret_unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.57425]], "ret_matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [6, 7], [7, 1]], "ret_unmatched_trackers": [2, 5, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [2], "matches": [[0, 0], [1, 1], [2, 5], [3, 4], [4, 3]], "unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 4], [4, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [2], "matches": [[0, 5], [1, 0], [2, 1], [3, 4], [4, 3]], "unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "ret_unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "ret_matches": [[0, 5], [1, 0], [2, 1], [3, 4], [4, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [3, 0], "matches": [[0, 6], [1, 4], [2, 2], [3, 1], [4, 5]], "unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "ret_unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "ret_matches": [[0, 6], [1, 4], [2, 2], [3, 1], [4, 5]], "ret_unmatched_trackers": [3, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [5, 0], "matches": [[0, 4], [1, 1], [2, 7], [3, 8], [4, 3], [6, 2], [7, 6]], "unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.46545], [540.6, 455.71, 569.914, 545.653, 0.44282]], "ret_unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.46545], [540.6, 455.71, 569.914, 545.653, 0.44282]], "ret_matches": [[0, 4], [1, 1], [2, 7], [3, 8], [4, 3], [6, 2], [7, 6]], "ret_unmatched_trackers": [5, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [5, 0], "matches": [[0, 8], [1, 4], [2, 3], [3, 1], [4, 7], [6, 2], [7, 6]], "unmatched_before": [[716.42, 449.65, 745.7339999999999, 539.593, 0.90623]], "ret_unmatched_before": [[716.42, 449.65, 745.7339999999999, 539.593, 0.90623]], "ret_matches": [[0, 8], [1, 4], [2, 3], [3, 1], [4, 7], [6, 2], [7, 6]], "ret_unmatched_trackers": [5, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [5, 6, 0], "matches": [[0, 1], [1, 4], [2, 8], [3, 7], [4, 3], [6, 2]], "unmatched_before": [[718.33, 439.76, 752.152, 543.23, 0.51879]], "ret_unmatched_before": [[718.33, 439.76, 752.152, 543.23, 0.51879]], "ret_matches": [[0, 1], [1, 4], [2, 8], [3, 7], [4, 3], [6, 2]], "ret_unmatched_trackers": [5, 6, 0], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [5], "matches": [[0, 3], [1, 2], [2, 4], [3, 6], [4, 1], [6, 0]], "unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.70014], [917.41, 442.23, 972.9789999999999, 610.94, 0.34734]], "ret_unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.70014], [917.41, 442.23, 972.9789999999999, 610.94, 0.34734]], "ret_matches": [[0, 3], [1, 2], [2, 4], [3, 6], [4, 1], [6, 0]], "ret_unmatched_trackers": [5], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [5], "unmatched_trackers": [6, 2], "matches": [[0, 4], [1, 0], [2, 3], [3, 5], [4, 1]], "unmatched_before": [[719.99, 463.91, 768.236, 610.6500000000001, 0.39235], [894.78, 442.23, 950.3489999999999, 610.94, 0.6024]], "ret_unmatched_before": [[719.99, 463.91, 768.236, 610.6500000000001, 0.39235], [894.78, 442.23, 950.3489999999999, 610.94, 0.6024]], "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 5], [4, 1]], "ret_unmatched_trackers": [6, 2], "ret_unmatched_detections": [5]}, +{"matches_ext_com": [], "unmatched_detections": [6, 4], "unmatched_trackers": [2], "matches": [[0, 5], [1, 0], [2, 1], [3, 4], [5, 3]], "unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_matches": [[0, 5], [1, 0], [2, 1], [3, 4], [5, 3]], "ret_unmatched_trackers": [2], "ret_unmatched_detections": [6, 4]}, +{"matches_ext_com": [], "unmatched_detections": [6, 7], "unmatched_trackers": [5, 0], "matches": [[0, 7], [1, 3], [2, 4], [3, 8], [4, 1], [5, 2], [8, 6]], "unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.65648]], "ret_unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.65648]], "ret_matches": [[0, 7], [1, 3], [2, 4], [3, 8], [4, 1], [5, 2], [8, 6]], "ret_unmatched_trackers": [5, 0], "ret_unmatched_detections": [6, 7]}, +{"matches_ext_com": [], "unmatched_detections": [6, 9], "unmatched_trackers": [5, 0, 2], "matches": [[0, 4], [1, 6], [2, 3], [3, 7], [4, 1], [5, 8], [7, 10], [8, 9]], "unmatched_before": [[1205.8, 439.76, 1239.6219999999998, 543.23, 0.69573], [575.47, 421.14, 617.341, 548.75, 0.46939]], "ret_unmatched_before": [[1205.8, 439.76, 1239.6219999999998, 543.23, 0.69573], [575.47, 421.14, 617.341, 548.75, 0.46939]], "ret_matches": [[0, 4], [1, 6], [2, 3], [3, 7], [4, 1], [5, 8], [7, 10], [8, 9]], "ret_unmatched_trackers": [5, 0, 2], "ret_unmatched_detections": [6, 9]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0, 1, 3], "matches": [[0, 7], [1, 4], [2, 5], [3, 2], [4, 6], [5, 8]], "unmatched_before": [[549.75, 429.71, 591.621, 557.3199999999999, 0.42543]], "ret_unmatched_before": [[549.75, 429.71, 591.621, 557.3199999999999, 0.42543]], "ret_matches": [[0, 7], [1, 4], [2, 5], [3, 2], [4, 6], [5, 8]], "ret_unmatched_trackers": [0, 1, 3], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0, 3, 6, 8, 1], "matches": [[0, 2], [1, 5], [2, 4], [3, 10], [4, 9], [5, 7]], "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0567]], "ret_unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0567]], "ret_matches": [[0, 2], [1, 5], [2, 4], [3, 10], [4, 9], [5, 7]], "ret_unmatched_trackers": [0, 3, 6, 8, 1], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0, 4, 5, 2], "matches": [[0, 9], [1, 7], [2, 1], [3, 3], [4, 6], [5, 8]], "unmatched_before": [[569.0, 425.0, 608.0, 544.0, 0.45416]], "ret_unmatched_before": [[569.0, 425.0, 608.0, 544.0, 0.45416]], "ret_matches": [[0, 9], [1, 7], [2, 1], [3, 3], [4, 6], [5, 8]], "ret_unmatched_trackers": [0, 4, 5, 2], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0, 5, 2], "matches": [[0, 7], [1, 9], [2, 1], [3, 6], [4, 8], [5, 3], [7, 4]], "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35795]], "ret_unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35795]], "ret_matches": [[0, 7], [1, 9], [2, 1], [3, 6], [4, 8], [5, 3], [7, 4]], "ret_unmatched_trackers": [0, 5, 2], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0, 6, 5], "matches": [[0, 3], [1, 7], [2, 4], [3, 2], [4, 1], [5, 8]], "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.40738]], "ret_unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.40738]], "ret_matches": [[0, 3], [1, 7], [2, 4], [3, 2], [4, 1], [5, 8]], "ret_unmatched_trackers": [0, 6, 5], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [0], "matches": [[0, 6], [1, 4], [2, 3], [3, 2], [4, 1], [5, 5]], "unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "ret_unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "ret_matches": [[0, 6], [1, 4], [2, 3], [3, 2], [4, 1], [5, 5]], "ret_unmatched_trackers": [0], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [2, 4, 9], "matches": [[0, 5], [1, 6], [2, 3], [3, 0], [4, 8], [5, 7], [7, 1]], "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.56829]], "ret_unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.56829]], "ret_matches": [[0, 5], [1, 6], [2, 3], [3, 0], [4, 8], [5, 7], [7, 1]], "ret_unmatched_trackers": [2, 4, 9], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [2, 5, 0], "matches": [[0, 1], [1, 7], [2, 9], [3, 8], [4, 6], [5, 4], [7, 3]], "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.33749]], "ret_unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.33749]], "ret_matches": [[0, 1], [1, 7], [2, 9], [3, 8], [4, 6], [5, 4], [7, 3]], "ret_unmatched_trackers": [2, 5, 0], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [2, 5, 0], "matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [5, 7], [7, 1]], "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.93392]], "ret_unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.93392]], "ret_matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [5, 7], [7, 1]], "ret_unmatched_trackers": [2, 5, 0], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [6], "unmatched_trackers": [4], "matches": [[0, 5], [1, 2], [2, 6], [3, 1], [4, 3], [5, 0]], "unmatched_before": [[729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.47918]], "ret_unmatched_before": [[729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.47918]], "ret_matches": [[0, 5], [1, 2], [2, 6], [3, 1], [4, 3], [5, 0]], "ret_unmatched_trackers": [4], "ret_unmatched_detections": [6]}, +{"matches_ext_com": [], "unmatched_detections": [7, 4, 5], "unmatched_trackers": [1, 2], "matches": [[0, 6], [1, 5], [2, 4], [3, 3], [6, 0]], "unmatched_before": [[571.03, 454.91, 596.42, 533.08, 0.79906]], "ret_unmatched_before": [[571.03, 454.91, 596.42, 533.08, 0.79906]], "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 3], [6, 0]], "ret_unmatched_trackers": [1, 2], "ret_unmatched_detections": [7, 4, 5]}, +{"matches_ext_com": [], "unmatched_detections": [7, 5], "unmatched_trackers": [1], "matches": [[0, 4], [1, 5], [2, 2], [3, 3], [4, 0], [6, 6]], "unmatched_before": [[1075.9, 374.21, 1149.5430000000001, 597.14, 0.30105]], "ret_unmatched_before": [[1075.9, 374.21, 1149.5430000000001, 597.14, 0.30105]], "ret_matches": [[0, 4], [1, 5], [2, 2], [3, 3], [4, 0], [6, 6]], "ret_unmatched_trackers": [1], "ret_unmatched_detections": [7, 5]}, +{"matches_ext_com": [], "unmatched_detections": [7, 6], "unmatched_trackers": [5], "matches": [[0, 6], [1, 2], [2, 1], [3, 4], [4, 3], [5, 0]], "unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.63519], [919.38, 444.35, 971.16, 601.69, 0.44315]], "ret_unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.63519], [919.38, 444.35, 971.16, 601.69, 0.44315]], "ret_matches": [[0, 6], [1, 2], [2, 1], [3, 4], [4, 3], [5, 0]], "ret_unmatched_trackers": [5], "ret_unmatched_detections": [7, 6]}, +{"matches_ext_com": [], "unmatched_detections": [7, 9], "unmatched_trackers": [0, 2, 5], "matches": [[0, 7], [1, 6], [2, 4], [3, 3], [4, 8], [5, 1], [6, 9], [8, 10]], "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.42099]], "ret_unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.42099]], "ret_matches": [[0, 7], [1, 6], [2, 4], [3, 3], [4, 8], [5, 1], [6, 9], [8, 10]], "ret_unmatched_trackers": [0, 2, 5], "ret_unmatched_detections": [7, 9]}, +{"matches_ext_com": [], "unmatched_detections": [7], "unmatched_trackers": [2, 5, 0], "matches": [[0, 1], [1, 7], [2, 8], [3, 9], [4, 6], [5, 3], [6, 4]], "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.41174]], "ret_unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.41174]], "ret_matches": [[0, 1], [1, 7], [2, 8], [3, 9], [4, 6], [5, 3], [6, 4]], "ret_unmatched_trackers": [2, 5, 0], "ret_unmatched_detections": [7]}, +{"matches_ext_com": [], "unmatched_detections": [7], "unmatched_trackers": [5, 0], "matches": [[0, 7], [1, 8], [2, 4], [3, 3], [4, 1], [5, 6], [6, 2]], "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35689]], "ret_unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35689]], "ret_matches": [[0, 7], [1, 8], [2, 4], [3, 3], [4, 1], [5, 6], [6, 2]], "ret_unmatched_trackers": [5, 0], "ret_unmatched_detections": [7]}, +{"matches_ext_com": [], "unmatched_detections": [8], "unmatched_trackers": [0, 5, 2], "matches": [[0, 8], [1, 4], [2, 1], [3, 9], [4, 10], [5, 6], [6, 7], [7, 3]], "unmatched_before": [[545.0, 425.0, 584.0, 544.0, 0.54124]], "ret_unmatched_before": [[545.0, 425.0, 584.0, 544.0, 0.54124]], "ret_matches": [[0, 8], [1, 4], [2, 1], [3, 9], [4, 10], [5, 6], [6, 7], [7, 3]], "ret_unmatched_trackers": [0, 5, 2], "ret_unmatched_detections": [8]}, +{"matches_ext_com": [], "unmatched_detections": [8], "unmatched_trackers": [0, 5, 3], "matches": [[0, 7], [1, 6], [2, 8], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10]], "unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.3091]], "ret_unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.3091]], "ret_matches": [[0, 7], [1, 6], [2, 8], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10]], "ret_unmatched_trackers": [0, 5, 3], "ret_unmatched_detections": [8]}, +{"matches_ext_com": [], "unmatched_detections": [9], "unmatched_trackers": [0, 5], "matches": [[0, 7], [1, 8], [2, 6], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10], [8, 3]], "unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.49139]], "ret_unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.49139]], "ret_matches": [[0, 7], [1, 8], [2, 6], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10], [8, 3]], "ret_unmatched_trackers": [0, 5], "ret_unmatched_detections": [9]}] diff --git a/spec/res/associate_detections_to_trackers.json b/spec/res/associate_detections_to_trackers.json new file mode 100644 index 0000000..f579c1e --- /dev/null +++ b/spec/res/associate_detections_to_trackers.json @@ -0,0 +1,599 @@ +[{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 2, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1359.1, 413.27, 1479.36, 776.04, 2.4731], [584.04, 446.86, 668.7819999999999, 703.09, 1.2369], [729.0, 457.0, 768.0, 576.0, 0.40858]], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [571.03, 402.13000000000005, 675.5899999999999, 717.81, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1342.0, 417.0, 1510.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1422.0, 431.0, 1605.0, 768.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 555.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 549.0, 728.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], [1365.0, 434.0, 1417.0, 558.0, 1.0], [1480.0, 433.0, 1542.0, 558.0, 1.0], [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], [693.0, 462.0, 714.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [664.0, 451.0, 698.0, 536.0, 1.0]], "average_area": [38317.11049999999], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 3, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1359.1, 413.27, 1479.36, 776.04, 2.3387], [571.03, 402.13, 675.5899999999999, 717.81, 0.79923], [1482.5, 390.88, 1611.46, 779.76, 0.35271]], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1346.0, 417.0, 1516.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1428.0, 431.0, 1610.0, 769.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 551.0, 728.0, 1.0], [636.0, 458.0, 698.0, 645.0, 1.0], [1366.0, 434.0, 1420.0, 558.0, 1.0], [1483.0, 433.0, 1543.0, 558.0, 1.0], [474.0, 460.0, 563.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [973.0, 456.0, 1005.0, 533.0, 1.0], [694.0, 462.0, 715.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 570.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [665.0, 451.0, 699.0, 536.0, 1.0]], "average_area": [27678.511091339285], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 4, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1383.3, 413.27, 1503.56, 776.04, 2.2104], [591.95, 434.36, 689.442, 728.83, 0.93138], [1480.3, 413.27, 1600.56, 776.04, 0.65959]], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1351.0, 417.0, 1522.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1434.0, 431.0, 1615.0, 770.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 553.0, 728.0, 1.0], [637.0, 458.0, 698.0, 645.0, 1.0], [1368.0, 435.0, 1423.0, 559.0, 1.0], [1486.0, 433.0, 1545.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [974.0, 456.0, 1006.0, 533.0, 1.0], [694.0, 462.0, 717.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [666.0, 451.0, 700.0, 536.0, 1.0]], "average_area": [40559.669920511325], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 5, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]]}, "detections": [[1383.3, 413.27, 1503.56, 776.04, 2.4296], [584.04, 446.86, 668.7819999999999, 703.09, 0.82707], [1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "trackers": [[1389.9558641354024, 413.27, 1510.2158641354022, 776.04, 0.0], [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1355.0, 417.0, 1528.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1440.0, 432.0, 1620.0, 771.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 555.0, 728.0, 1.0], [637.0, 458.0, 699.0, 645.0, 1.0], [1369.0, 435.0, 1426.0, 559.0, 1.0], [1488.0, 433.0, 1546.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [975.0, 456.0, 1007.0, 533.0, 1.0], [695.0, 462.0, 718.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1059.0, 519.0, 1.0], [667.0, 451.0, 701.0, 536.0, 1.0]], "average_area": [37894.16347344116], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 6, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]]}, "detections": [[1407.6, 413.27, 1527.86, 776.04, 2.6371], [589.13, 442.1, 680.026, 716.79, 1.0225], [1480.3, 413.27, 1600.56, 776.04, 0.87614]], "trackers": [[1393.2997037695532, 413.27, 1513.559703769553, 776.04, 0.0], [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1360.0, 417.0, 1534.0, 799.0, 1.0], [586.0, 446.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1454.0, 431.0, 1626.0, 772.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 557.0, 728.0, 1.0], [638.0, 458.0, 699.0, 645.0, 1.0], [1371.0, 436.0, 1429.0, 560.0, 1.0], [1491.0, 432.0, 1548.0, 560.0, 1.0], [476.0, 460.0, 565.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [976.0, 456.0, 1008.0, 533.0, 1.0], [696.0, 462.0, 720.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 572.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [668.0, 451.0, 702.0, 536.0, 1.0]], "average_area": [33416.426909973314], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 7, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1393.9, 391.01, 1532.19, 807.87, 2.5629], [591.95, 434.36, 689.442, 728.83, 1.4242], [1504.6, 413.27, 1624.86, 776.04, 0.77958], [454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "trackers": [[1415.3075557328684, 413.27, 1535.5675557328686, 776.04, 0.0], [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474, 0.0], [1480.2999999999997, 413.27, 1600.56, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1374.0, 415.0, 1536.0, 799.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1468.0, 430.0, 1633.0, 773.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 764.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 559.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1372.0, 436.0, 1432.0, 560.0, 1.0], [1494.0, 432.0, 1549.0, 560.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [977.0, 456.0, 1009.0, 533.0, 1.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [669.0, 451.0, 703.0, 536.0, 1.0]], "average_area": [37099.49138231873], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 8, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]]}, "detections": [[1404.6, 390.88, 1533.56, 779.76, 2.3462], [591.95, 434.36, 689.442, 728.83, 1.6316], [1504.6, 413.27, 1624.86, 776.04, 1.5336], [729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "trackers": [[1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862, 0.0], [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922, 0.0], [1521.4230769230771, 413.27, 1641.683076923077, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1389.0, 414.0, 1538.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1482.0, 430.0, 1640.0, 774.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 765.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 561.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1373.0, 436.0, 1435.0, 560.0, 1.0], [1496.0, 432.0, 1551.0, 561.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [978.0, 456.0, 1010.0, 533.0, 1.0], [697.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [671.0, 451.0, 705.0, 536.0, 1.0]], "average_area": [42327.496908736364], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 9, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]]}, "detections": [[1421.7, 391.01, 1559.99, 807.87, 2.4286], [1504.6, 413.27, 1624.86, 776.04, 2.248], [591.95, 434.36, 689.442, 728.83, 1.3201], [1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "trackers": [[1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255, 0.0], [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201, 0.0], [1518.1134800862365, 413.27, 1638.3734800862362, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1403.0, 412.0, 1540.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1497.0, 429.0, 1646.0, 775.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 563.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1375.0, 437.0, 1438.0, 561.0, 1.0], [1499.0, 432.0, 1552.0, 561.0, 1.0], [478.0, 460.0, 567.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [979.0, 456.0, 1011.0, 533.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 574.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [672.0, 451.0, 706.0, 536.0, 1.0]], "average_area": [41899.645008540414], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 10, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]]}, "detections": [[1430.6, 416.87, 1559.56, 805.75, 1.7782], [1504.6, 413.27, 1624.86, 776.04, 1.7273], [591.95, 434.36, 689.442, 728.83, 1.3158], [460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "trackers": [[1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728, 0.0], [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217, 0.0], [1514.5433655605939, 413.27, 1634.8033655605936, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1418.0, 411.0, 1542.0, 801.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1511.0, 429.0, 1653.0, 776.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 565.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1376.0, 437.0, 1441.0, 561.0, 1.0], [1502.0, 432.0, 1554.0, 562.0, 1.0], [479.0, 460.0, 568.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [980.0, 456.0, 1012.0, 533.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 575.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [673.0, 451.0, 707.0, 536.0, 1.0]], "average_area": [43632.14584964385], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 11, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]]}, "detections": [[1430.6, 390.88, 1559.56, 779.76, 2.0019], [589.13, 442.1, 680.026, 716.79, 1.2261], [1528.8, 413.27, 1649.06, 776.04, 1.1837], [729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "trackers": [[1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944, 0.0], [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817, 0.0], [1512.1150152881446, 413.27, 1632.3750152881448, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1426.0, 409.0, 1553.0, 802.0, 1.0], [587.0, 445.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1525.0, 428.0, 1660.0, 777.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 434.0, 1055.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 567.0, 728.0, 1.0], [640.0, 459.0, 702.0, 646.0, 1.0], [1378.0, 438.0, 1444.0, 562.0, 1.0], [1504.0, 438.0, 1555.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [981.0, 456.0, 1013.0, 533.0, 1.0], [638.0, 454.0, 677.0, 587.0, 1.0], [699.0, 463.0, 727.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [731.0, 509.0, 767.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1058.0, 518.0, 1.0], [674.0, 451.0, 708.0, 536.0, 1.0]], "average_area": [42257.88713731571], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 12, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]]}, "detections": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1], [584.04, 446.86, 668.7819999999999, 703.09, 1.3588], [1528.8, 413.27, 1649.06, 776.04, 1.3192], [1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "trackers": [[1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273, 0.0], [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605, 0.0], [1531.7559813230391, 413.27, 1652.015981323039, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1435.0, 408.0, 1564.0, 803.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1540.0, 428.0, 1667.0, 779.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [729.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [442.0, 445.0, 567.0, 728.0, 1.0], [640.0, 459.0, 703.0, 646.0, 1.0], [1382.0, 437.0, 1446.0, 562.0, 1.0], [1508.0, 438.0, 1559.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [982.0, 455.0, 1014.0, 532.0, 1.0], [638.0, 454.0, 676.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 766.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [675.0, 451.0, 709.0, 536.0, 1.0]], "average_area": [40780.42096181836], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 13, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]]}, "detections": [[1434.1, 389.14, 1582.3899999999999, 836.0, 2.3735], [589.13, 442.1, 680.026, 716.79, 1.3351], [1528.8, 413.27, 1649.06, 776.04, 1.3038], [729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "trackers": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1444.0, 407.0, 1575.0, 804.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1542.0, 427.0, 1684.0, 781.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [728.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [443.0, 445.0, 568.0, 729.0, 1.0], [641.0, 459.0, 704.0, 647.0, 1.0], [1387.0, 437.0, 1449.0, 562.0, 1.0], [1512.0, 438.0, 1563.0, 561.0, 1.0], [481.0, 460.0, 570.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [983.0, 455.0, 1015.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [729.0, 510.0, 765.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [676.0, 451.0, 710.0, 536.0, 1.0]], "average_area": [41242.063343166206], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2]], "ret_unmatched_detections": [3, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 14, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]]}, "detections": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.7187], [589.13, 442.1, 680.026, 716.79, 1.602], [1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008], [1534.5, 416.87, 1663.46, 805.75, 0.41621]], "trackers": [[1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619, 0.0], [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794, 0.0], [1537.713824417538, 413.27, 1657.9738244175383, 776.04, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 406.0, 1586.0, 805.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1544.0, 426.0, 1701.0, 784.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [444.0, 445.0, 569.0, 729.0, 1.0], [641.0, 459.0, 705.0, 648.0, 1.0], [1391.0, 437.0, 1452.0, 563.0, 1.0], [1516.0, 438.0, 1567.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [985.0, 455.0, 1017.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 510.0, 764.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [677.0, 451.0, 711.0, 536.0, 1.0]], "average_area": [44227.14630929491], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [4, 2]], "ret_unmatched_detections": [2, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 15, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]]}, "detections": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1441], [589.13, 442.1, 680.026, 716.79, 1.4509], [1254.6, 446.72, 1288.422, 550.19, 0.9907], [1533.2, 391.01, 1671.49, 807.87, 0.79299], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "trackers": [[1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647, 0.0], [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308, 0.0], [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 407.0, 1609.0, 807.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1546.0, 425.0, 1718.0, 786.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [445.0, 445.0, 569.0, 730.0, 1.0], [642.0, 459.0, 706.0, 649.0, 1.0], [1396.0, 437.0, 1455.0, 563.0, 1.0], [1520.0, 438.0, 1571.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [986.0, 455.0, 1018.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 511.0, 764.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [679.0, 451.0, 713.0, 536.0, 1.0]], "average_area": [44914.9080941074], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [3, 2]], "ret_unmatched_detections": [2, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 16, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]]}, "detections": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.213], [589.13, 442.1, 680.026, 716.79, 1.8523], [1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [1534.5, 416.87, 1663.46, 805.75, 0.35311], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "trackers": [[1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234, 0.0], [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975, 0.0], [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 408.0, 1633.0, 810.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1549.0, 425.0, 1736.0, 789.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [726.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [446.0, 445.0, 570.0, 731.0, 1.0], [642.0, 460.0, 708.0, 650.0, 1.0], [1401.0, 436.0, 1457.0, 563.0, 1.0], [1521.0, 437.0, 1573.0, 560.0, 1.0], [483.0, 460.0, 572.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [988.0, 455.0, 1020.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [727.0, 511.0, 763.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1032.0, 449.0, 1056.0, 517.0, 1.0], [680.0, 451.0, 714.0, 536.0, 1.0]], "average_area": [46961.41488824861], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [4, 2]], "ret_unmatched_detections": [2, 3, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 17, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]]}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.9494], [1456.6, 416.87, 1585.56, 805.75, 1.8125], [1254.6, 446.72, 1288.422, 550.19, 1.0309], [465.47, 444.35, 570.03, 760.03, 0.53576]], "trackers": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 409.0, 1657.0, 812.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1550.0, 428.0, 1740.0, 791.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 975.0, 549.0, 1.0], [446.0, 444.0, 571.0, 731.0, 1.0], [643.0, 460.0, 709.0, 650.0, 1.0], [1405.0, 436.0, 1460.0, 564.0, 1.0], [1523.0, 437.0, 1575.0, 560.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [989.0, 454.0, 1021.0, 531.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1031.0, 449.0, 1055.0, 517.0, 1.0], [681.0, 451.0, 715.0, 536.0, 1.0]], "average_area": [35233.49032028802], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 18, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]]}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.9955], [1449.6, 391.01, 1587.8899999999999, 807.87, 1.5278], [1254.6, 446.72, 1288.422, 550.19, 0.58591], [465.47, 444.35, 570.03, 760.03, 0.5274]], "trackers": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 411.0, 1681.0, 815.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1552.0, 431.0, 1744.0, 794.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1099.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [447.0, 444.0, 571.0, 732.0, 1.0], [643.0, 460.0, 710.0, 651.0, 1.0], [1410.0, 436.0, 1463.0, 564.0, 1.0], [1525.0, 436.0, 1577.0, 559.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [990.0, 454.0, 1022.0, 531.0, 1.0], [639.0, 454.0, 677.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1030.0, 449.0, 1054.0, 517.0, 1.0], [682.0, 451.0, 716.0, 536.0, 1.0]], "average_area": [33987.1930667672], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 19, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]]}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.7981], [1477.5, 391.01, 1615.79, 807.87, 1.7111], [1255.1, 449.36, 1286.59, 545.83, 1.1782], [465.47, 444.35, 570.03, 760.03, 0.69666]], "trackers": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1455.0, 411.0, 1687.0, 817.0, 1.0], [588.0, 444.0, 676.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1553.0, 434.0, 1748.0, 797.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [724.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [448.0, 444.0, 572.0, 732.0, 1.0], [644.0, 460.0, 711.0, 652.0, 1.0], [1415.0, 436.0, 1466.0, 565.0, 1.0], [1527.0, 436.0, 1579.0, 559.0, 1.0], [485.0, 460.0, 574.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [992.0, 454.0, 1024.0, 531.0, 1.0], [639.0, 454.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [725.0, 513.0, 761.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1029.0, 449.0, 1053.0, 517.0, 1.0], [683.0, 451.0, 717.0, 536.0, 1.0]], "average_area": [34807.352144271434], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 20, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]]}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.7622], [1504.6, 413.27, 1624.86, 776.04, 1.4748], [473.76, 454.06, 571.252, 748.53, 0.75093], [1255.1, 449.36, 1286.59, 545.83, 0.73368]], "trackers": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1458.0, 411.0, 1694.0, 819.0, 1.0], [589.0, 444.0, 677.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1555.0, 438.0, 1753.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [449.0, 444.0, 573.0, 733.0, 1.0], [644.0, 460.0, 712.0, 653.0, 1.0], [1414.0, 434.0, 1469.0, 563.0, 1.0], [1529.0, 436.0, 1581.0, 559.0, 1.0], [486.0, 460.0, 575.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [993.0, 454.0, 1025.0, 531.0, 1.0], [640.0, 454.0, 679.0, 588.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 513.0, 760.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1028.0, 448.0, 1052.0, 517.0, 1.0], [684.0, 451.0, 718.0, 536.0, 1.0]], "average_area": [34988.46766943957], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [3, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 21, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]]}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.9376], [1505.3, 391.01, 1643.59, 807.87, 1.644], [478.86, 442.1, 569.756, 716.79, 1.1515], [1254.6, 446.72, 1288.422, 550.19, 1.039]], "trackers": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1461.0, 411.0, 1700.0, 821.0, 1.0], [590.0, 444.0, 678.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1568.0, 434.0, 1761.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 768.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 438.0, 1054.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [450.0, 444.0, 574.0, 734.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 433.0, 1472.0, 562.0, 1.0], [1531.0, 435.0, 1583.0, 558.0, 1.0], [487.0, 460.0, 576.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 457.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [641.0, 455.0, 680.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 514.0, 760.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 460.0, 1004.0, 513.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1027.0, 448.0, 1051.0, 517.0, 1.0], [686.0, 451.0, 720.0, 536.0, 1.0]], "average_area": [32697.497424139863], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [3, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 22, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[589.13, 442.1, 680.026, 716.79, 1.8486], [1254.6, 446.72, 1288.422, 550.19, 1.2821], [1528.8, 413.27, 1649.06, 776.04, 1.0685], [473.76, 454.06, 571.252, 748.53, 0.97482], [1612.5, 416.87, 1741.46, 805.75, 0.83626]], "trackers": [[1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171, 0.0], [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813, 0.0], [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541, 0.0], [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681, 0.0], [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1464.0, 411.0, 1707.0, 824.0, 1.0], [590.0, 444.0, 679.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1582.0, 430.0, 1769.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 487.0, 767.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [452.0, 444.0, 575.0, 733.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 432.0, 1476.0, 561.0, 1.0], [1533.0, 435.0, 1585.0, 558.0, 1.0], [488.0, 460.0, 577.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [640.0, 455.0, 679.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [722.0, 514.0, 759.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [687.0, 450.0, 721.0, 536.0, 1.0]], "average_area": [31686.64921068143], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 0], [3, 4], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 23, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[592.14, 423.24, 696.7, 738.9200000000001, 1.3496], [478.86, 442.1, 569.756, 716.79, 0.99598], [1254.6, 446.72, 1288.422, 550.19, 0.97923], [1583.4, 389.14, 1731.69, 836.0, 0.72361], [1505.3, 391.01, 1643.59, 807.87, 0.41319], [721.23, 455.43, 763.101, 583.04, 0.39383]], "trackers": [[1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271, 0.0], [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043, 0.0], [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041, 0.0], [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972, 0.0], [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1471.0, 411.0, 1708.0, 826.0, 1.0], [591.0, 444.0, 680.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1596.0, 427.0, 1777.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 564.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [454.0, 444.0, 576.0, 733.0, 1.0], [646.0, 461.0, 715.0, 654.0, 1.0], [1413.0, 431.0, 1479.0, 560.0, 1.0], [1535.0, 434.0, 1587.0, 557.0, 1.0], [489.0, 460.0, 578.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [996.0, 454.0, 1028.0, 531.0, 1.0], [640.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [721.0, 514.0, 758.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [688.0, 450.0, 722.0, 536.0, 1.0]], "average_area": [31339.745890002065], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 3], [3, 2], [4, 0]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 24, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]]}, "detections": [[592.14, 423.24, 696.7, 738.9200000000001, 1.4597], [1255.1, 449.36, 1286.59, 545.83, 1.4564], [1553.6, 389.14, 1701.8899999999999, 836.0, 1.1558], [1638.5, 416.87, 1767.46, 805.75, 0.88305], [476.18, 430.92, 588.32, 769.33, 0.77979], [721.23, 455.43, 763.101, 583.04, 0.57398]], "trackers": [[1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268, 0.0], [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224, 0.0], [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175, 0.0], [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923, 0.0], [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1478.0, 411.0, 1709.0, 828.0, 1.0], [592.0, 444.0, 681.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1606.0, 425.0, 1787.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 565.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [456.0, 444.0, 577.0, 733.0, 1.0], [647.0, 461.0, 716.0, 654.0, 1.0], [1413.0, 430.0, 1482.0, 559.0, 1.0], [1537.0, 434.0, 1589.0, 557.0, 1.0], [490.0, 460.0, 579.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [997.0, 454.0, 1029.0, 531.0, 1.0], [639.0, 455.0, 678.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [720.0, 514.0, 757.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [689.0, 450.0, 723.0, 536.0, 1.0]], "average_area": [35070.313684360284], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 0], [3, 2], [4, 4]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 25, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]]}, "detections": [[1553.6, 389.14, 1701.8899999999999, 836.0, 1.6482], [592.14, 423.24, 696.7, 738.9200000000001, 1.3277], [1255.1, 449.36, 1286.59, 545.83, 1.158], [1644.6, 391.01, 1782.8899999999999, 807.87, 0.99419], [497.24, 442.1, 588.136, 716.79, 0.93764], [721.23, 455.43, 763.101, 583.04, 0.64348]], "trackers": [[1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673, 0.0], [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589, 0.0], [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393, 0.0], [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509, 0.0], [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1486.0, 411.0, 1711.0, 830.0, 1.0], [593.0, 444.0, 682.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1616.0, 423.0, 1797.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 489.0, 767.0, 566.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [459.0, 444.0, 579.0, 733.0, 1.0], [648.0, 461.0, 717.0, 655.0, 1.0], [1413.0, 429.0, 1486.0, 558.0, 1.0], [1539.0, 434.0, 1591.0, 557.0, 1.0], [492.0, 460.0, 581.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [998.0, 454.0, 1030.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [718.0, 514.0, 756.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [690.0, 450.0, 724.0, 537.0, 1.0]], "average_area": [38227.43009144287], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 3], [3, 2], [4, 4]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 26, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]]}, "detections": [[1583.4, 389.14, 1731.69, 836.0, 1.8024], [592.14, 402.13, 696.7, 717.81, 1.3127], [493.46, 434.36, 590.952, 728.83, 0.77876], [1254.6, 446.72, 1288.422, 550.19, 0.72348], [721.23, 455.43, 763.101, 583.04, 0.3272]], "trackers": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1504.0, 408.0, 1719.0, 829.0, 1.0], [593.0, 444.0, 683.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1627.0, 422.0, 1807.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 767.0, 567.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 459.0, 759.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [461.0, 444.0, 580.0, 733.0, 1.0], [649.0, 461.0, 718.0, 655.0, 1.0], [1417.0, 429.0, 1488.0, 558.0, 1.0], [1547.0, 437.0, 1589.0, 558.0, 1.0], [493.0, 460.0, 582.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 583.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [717.0, 515.0, 755.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [691.0, 450.0, 725.0, 537.0, 1.0]], "average_area": [37521.95254768199], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 27, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]]}, "detections": [[1583.4, 389.14, 1731.69, 836.0, 1.5583], [589.13, 442.1, 680.026, 716.79, 1.3233], [497.24, 442.1, 588.136, 716.79, 1.0853], [1254.6, 446.72, 1288.422, 550.19, 0.91555], [721.0, 457.0, 760.0, 576.0, 0.61912]], "trackers": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1522.0, 406.0, 1727.0, 829.0, 1.0], [594.0, 444.0, 684.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1637.0, 420.0, 1824.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 766.0, 568.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [463.0, 444.0, 581.0, 733.0, 1.0], [650.0, 461.0, 719.0, 655.0, 1.0], [1422.0, 429.0, 1491.0, 558.0, 1.0], [1548.0, 436.0, 1592.0, 557.0, 1.0], [494.0, 460.0, 583.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [716.0, 515.0, 754.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [693.0, 450.0, 726.0, 537.0, 1.0]], "average_area": [37933.0836814937], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 28, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]]}, "detections": [[1583.4, 389.14, 1731.69, 836.0, 1.6787], [591.95, 434.36, 689.442, 728.83, 1.4676], [1255.1, 449.36, 1286.59, 545.83, 1.0565], [1672.5, 391.01, 1810.79, 807.87, 0.96665], [486.58, 444.35, 591.14, 760.03, 0.63979], [721.0, 457.0, 760.0, 576.0, 0.34328]], "trackers": [[1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167, 0.0], [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727, 0.0], [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921, 0.0], [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408, 0.0], [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1540.0, 403.0, 1735.0, 829.0, 1.0], [595.0, 444.0, 685.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1647.0, 419.0, 1842.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 569.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [466.0, 444.0, 583.0, 733.0, 1.0], [651.0, 461.0, 719.0, 656.0, 1.0], [1426.0, 429.0, 1494.0, 559.0, 1.0], [1550.0, 436.0, 1595.0, 557.0, 1.0], [496.0, 460.0, 585.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1000.0, 454.0, 1032.0, 531.0, 1.0], [639.0, 455.0, 677.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [714.0, 515.0, 753.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [694.0, 450.0, 728.0, 537.0, 1.0]], "average_area": [36387.005629979845], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 3], [3, 2], [4, 4]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 29, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]]}, "detections": [[1613.3, 389.14, 1761.59, 836.0, 1.6573], [589.13, 442.1, 680.026, 716.79, 1.305], [493.46, 434.36, 590.952, 728.83, 0.78049], [1254.6, 446.72, 1288.422, 550.19, 0.7713]], "trackers": [[1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909, 0.0], [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829, 0.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 0.0], [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693, 0.0], [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1558.0, 401.0, 1743.0, 829.0, 1.0], [596.0, 444.0, 686.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1657.0, 418.0, 1859.0, 801.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 570.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [468.0, 444.0, 584.0, 733.0, 1.0], [652.0, 461.0, 720.0, 656.0, 1.0], [1431.0, 429.0, 1496.0, 559.0, 1.0], [1551.0, 436.0, 1598.0, 558.0, 1.0], [497.0, 460.0, 586.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1001.0, 454.0, 1033.0, 531.0, 1.0], [639.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [713.0, 515.0, 752.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [695.0, 449.0, 729.0, 538.0, 1.0]], "average_area": [37675.40517195888], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 1, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 30, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.3943], [583.04, 364.77, 703.3, 727.54, 1.3456], [493.46, 454.06, 590.952, 748.53, 1.1339], [1255.1, 449.36, 1286.59, 545.83, 0.70465], [1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "trackers": [[1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391, 0.0], [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964, 0.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 0.0], [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157, 0.0], [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1576.0, 398.0, 1751.0, 829.0, 1.0], [597.0, 445.0, 687.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1667.0, 417.0, 1877.0, 802.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 492.0, 766.0, 571.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [470.0, 444.0, 585.0, 733.0, 1.0], [653.0, 461.0, 721.0, 656.0, 1.0], [1435.0, 429.0, 1499.0, 560.0, 1.0], [1552.0, 436.0, 1602.0, 559.0, 1.0], [498.0, 460.0, 587.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1002.0, 454.0, 1034.0, 531.0, 1.0], [639.0, 455.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [712.0, 515.0, 751.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [696.0, 449.0, 730.0, 538.0, 1.0]], "average_area": [36976.43864375954], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 31, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]]}, "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.8596], [601.19, 446.86, 685.932, 703.09, 1.2662], [493.46, 454.06, 590.952, 748.53, 1.1184], [1254.6, 446.72, 1288.422, 550.19, 0.78599], [1443.8, 432.91, 1488.748, 569.75, 0.70279], [572.83, 364.89, 701.7900000000001, 753.77, 0.56581]], "trackers": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1594.0, 396.0, 1760.0, 829.0, 1.0], [598.0, 444.0, 688.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1677.0, 416.0, 1895.0, 804.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 493.0, 766.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 536.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 442.0, 1053.0, 558.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 733.0, 1.0], [654.0, 461.0, 722.0, 657.0, 1.0], [1440.0, 429.0, 1502.0, 560.0, 1.0], [1554.0, 437.0, 1606.0, 560.0, 1.0], [500.0, 460.0, 589.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1003.0, 454.0, 1035.0, 531.0, 1.0], [640.0, 456.0, 679.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [711.0, 516.0, 750.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [697.0, 449.0, 731.0, 538.0, 1.0]], "average_area": [39085.88616223032], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 4], [3, 3], [5, 1]], "ret_unmatched_detections": [4, 1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 32, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]]}, "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.596], [592.14, 402.13, 696.7, 717.81, 1.3339], [497.24, 442.1, 588.136, 716.79, 1.2355], [1247.5, 441.39, 1283.821, 552.35, 1.0152], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "trackers": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1600.0, 396.0, 1779.0, 835.0, 1.0], [600.0, 444.0, 689.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1680.0, 416.0, 1901.0, 806.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [719.0, 492.0, 764.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 734.0, 1.0], [654.0, 461.0, 723.0, 657.0, 1.0], [1445.0, 430.0, 1505.0, 561.0, 1.0], [1554.0, 436.0, 1606.0, 557.0, 1.0], [500.0, 459.0, 588.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 590.0, 1.0], [1004.0, 454.0, 1036.0, 531.0, 1.0], [640.0, 456.0, 679.0, 588.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [698.0, 449.0, 732.0, 538.0, 1.0]], "average_area": [40794.528893818206], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 33, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]]}, "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.5745], [607.51, 442.1, 698.406, 716.79, 1.5007], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982], [497.24, 442.1, 588.136, 716.79, 1.0672], [1254.6, 446.72, 1288.422, 550.19, 0.83953], [672.78, 433.93, 746.423, 656.86, 0.43969]], "trackers": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1607.0, 396.0, 1799.0, 842.0, 1.0], [602.0, 443.0, 690.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1683.0, 416.0, 1908.0, 809.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [718.0, 491.0, 763.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 759.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [474.0, 444.0, 588.0, 736.0, 1.0], [655.0, 461.0, 724.0, 657.0, 1.0], [1448.0, 430.0, 1508.0, 560.0, 1.0], [1555.0, 436.0, 1607.0, 558.0, 1.0], [500.0, 459.0, 588.0, 710.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1005.0, 454.0, 1037.0, 531.0, 1.0], [640.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [700.0, 449.0, 733.0, 539.0, 1.0]], "average_area": [38725.18380509759], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [3, 4], [4, 3]], "ret_unmatched_detections": [5, 2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 34, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]]}, "detections": [[1643.1, 389.14, 1791.3899999999999, 836.0, 2.0951], [607.51, 442.1, 698.406, 716.79, 1.3352], [497.24, 442.1, 588.136, 716.79, 0.98277], [1453.0, 423.72, 1497.948, 560.5600000000001, 0.95271], [676.79, 455.86, 740.77, 649.8, 0.80057], [1254.6, 446.72, 1288.422, 550.19, 0.63474], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "trackers": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1614.0, 396.0, 1819.0, 848.0, 1.0], [603.0, 443.0, 691.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1686.0, 416.0, 1915.0, 812.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [717.0, 490.0, 762.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 760.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 588.0, 737.0, 1.0], [656.0, 461.0, 725.0, 657.0, 1.0], [1451.0, 430.0, 1511.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 459.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1006.0, 454.0, 1038.0, 531.0, 1.0], [641.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [701.0, 449.0, 734.0, 539.0, 1.0]], "average_area": [31568.928828889213], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 4], [3, 5], [5, 3]], "ret_unmatched_detections": [4, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 35, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]]}, "detections": [[1643.1, 389.14, 1791.3899999999999, 836.0, 1.8473], [592.14, 402.13, 696.7, 717.81, 1.2709], [1457.0, 433.0, 1496.0, 552.0, 1.1199], [497.24, 442.1, 588.136, 716.79, 1.1052], [1255.1, 449.36, 1286.59, 545.83, 0.59047], [680.04, 461.78, 739.669, 642.67, 0.5207]], "trackers": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1620.0, 396.0, 1838.0, 855.0, 1.0], [605.0, 443.0, 692.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1690.0, 416.0, 1922.0, 815.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [716.0, 490.0, 761.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 761.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 589.0, 739.0, 1.0], [657.0, 461.0, 725.0, 658.0, 1.0], [1454.0, 431.0, 1515.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 458.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 618.0, 590.0, 1.0], [1008.0, 454.0, 1040.0, 531.0, 1.0], [641.0, 456.0, 679.0, 586.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [702.0, 449.0, 736.0, 539.0, 1.0]], "average_area": [31188.62597979776], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 4], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 36, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]]}, "detections": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.9322], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6255], [618.34, 446.86, 703.082, 703.09, 1.4233], [493.46, 454.06, 590.952, 748.53, 1.1593], [680.04, 461.78, 739.669, 642.67, 0.64739], [1255.0, 441.39, 1291.321, 552.35, 0.48977], [598.82, 364.89, 727.7800000000001, 753.77, 0.45824]], "trackers": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1627.0, 396.0, 1858.0, 861.0, 1.0], [607.0, 442.0, 694.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1693.0, 416.0, 1926.0, 818.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [715.0, 489.0, 760.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [476.0, 444.0, 590.0, 741.0, 1.0], [658.0, 461.0, 726.0, 658.0, 1.0], [1454.0, 430.0, 1516.0, 559.0, 1.0], [1557.0, 436.0, 1610.0, 559.0, 1.0], [500.0, 458.0, 588.0, 712.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1009.0, 454.0, 1041.0, 531.0, 1.0], [641.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [703.0, 448.0, 737.0, 539.0, 1.0]], "average_area": [31427.564092942466], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 0], [2, 1], [3, 4], [5, 3]], "ret_unmatched_detections": [6, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 37, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]]}, "detections": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.7581], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6746], [618.34, 446.86, 703.082, 703.09, 1.5172], [486.58, 444.35, 591.14, 760.03, 0.9368], [1255.0, 441.39, 1291.321, 552.35, 0.3958], [566.69, 419.61, 622.259, 588.32, 0.33601]], "trackers": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1634.0, 397.0, 1878.0, 868.0, 1.0], [609.0, 442.0, 695.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1696.0, 416.0, 1930.0, 821.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [714.0, 488.0, 758.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 590.0, 742.0, 1.0], [659.0, 461.0, 727.0, 658.0, 1.0], [1454.0, 430.0, 1517.0, 559.0, 1.0], [1558.0, 437.0, 1611.0, 559.0, 1.0], [500.0, 458.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1010.0, 454.0, 1042.0, 531.0, 1.0], [642.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [704.0, 448.0, 738.0, 540.0, 1.0]], "average_area": [31042.91497519174], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 0], [2, 1], [3, 4], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 38, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]]}, "detections": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.7823], [611.65, 434.36, 709.1419999999999, 728.83, 1.6001], [1643.1, 389.14, 1791.3899999999999, 836.0, 0.89876], [486.58, 444.35, 591.14, 760.03, 0.85122], [1255.1, 449.36, 1286.59, 545.83, 0.68511]], "trackers": [[1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887, 0.0], [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342, 0.0], [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 0.0], [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393, 0.0], [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247, 0.0], [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1637.0, 396.0, 1884.0, 870.0, 1.0], [610.0, 442.0, 696.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1699.0, 416.0, 1934.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [713.0, 488.0, 757.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 763.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 591.0, 744.0, 1.0], [660.0, 461.0, 728.0, 659.0, 1.0], [1454.0, 430.0, 1518.0, 559.0, 1.0], [1562.0, 437.0, 1614.0, 556.0, 1.0], [500.0, 457.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1012.0, 454.0, 1044.0, 531.0, 1.0], [642.0, 456.0, 680.0, 584.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [706.0, 448.0, 739.0, 540.0, 1.0]], "average_area": [31376.4938283896], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 0], [3, 4], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 39, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.4609], [493.46, 454.06, 590.952, 748.53, 1.0431], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.99851], [1255.0, 441.39, 1291.321, 552.35, 0.85759], [1673.0, 389.14, 1821.29, 836.0, 0.58131]], "trackers": [[1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226, 0.0], [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529, 0.0], [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 0.0], [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073, 0.0], [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764, 0.0], [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1640.0, 396.0, 1890.0, 873.0, 1.0], [612.0, 441.0, 697.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1728.0, 416.0, 1952.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [712.0, 487.0, 756.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 764.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [478.0, 444.0, 591.0, 745.0, 1.0], [661.0, 461.0, 729.0, 659.0, 1.0], [1454.0, 430.0, 1519.0, 559.0, 1.0], [1566.0, 437.0, 1618.0, 554.0, 1.0], [500.0, 457.0, 588.0, 714.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1013.0, 454.0, 1045.0, 531.0, 1.0], [642.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [707.0, 448.0, 740.0, 540.0, 1.0]], "average_area": [32140.024557898996], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 5], [3, 3], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 40, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[613.25, 402.13, 717.81, 717.81, 1.3043], [493.46, 454.06, 590.952, 748.53, 1.2078], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.1172], [1254.6, 446.72, 1288.422, 550.19, 0.90399], [1681.5, 378.26, 1851.98, 891.71, 0.33461]], "trackers": [[1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393, 0.0], [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722, 0.0], [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 0.0], [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907, 0.0], [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736, 0.0], [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1643.0, 395.0, 1897.0, 875.0, 1.0], [614.0, 441.0, 698.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1757.0, 416.0, 1970.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [711.0, 486.0, 755.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 765.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [479.0, 444.0, 592.0, 747.0, 1.0], [662.0, 461.0, 730.0, 659.0, 1.0], [1454.0, 430.0, 1520.0, 559.0, 1.0], [500.0, 457.0, 588.0, 715.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 621.0, 590.0, 1.0], [1014.0, 454.0, 1046.0, 531.0, 1.0], [643.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 517.0, 745.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [708.0, 448.0, 741.0, 540.0, 1.0]], "average_area": [31294.558996880154], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 5], [3, 3], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 41, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.8307], [625.89, 442.1, 716.786, 716.79, 1.4468], [486.58, 444.35, 591.14, 760.03, 1.1846], [1255.0, 441.39, 1291.321, 552.35, 0.7927]], "trackers": [[1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 0.0], [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586, 0.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 0.0], [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521, 0.0], [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409, 0.0], [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1646.0, 395.0, 1903.0, 878.0, 1.0], [616.0, 441.0, 700.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1786.0, 416.0, 1989.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [710.0, 486.0, 754.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 444.0, 593.0, 749.0, 1.0], [663.0, 462.0, 731.0, 660.0, 1.0], [1454.0, 430.0, 1521.0, 559.0, 1.0], [500.0, 457.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 590.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 582.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 518.0, 745.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [611.0, 462.0, 637.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [709.0, 448.0, 742.0, 541.0, 1.0]], "average_area": [34418.13851418193], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 4], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 42, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.4435], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.4248], [486.58, 444.35, 591.14, 760.03, 1.2459], [1715.8, 378.26, 1886.28, 891.71, 0.68817], [1254.6, 446.72, 1288.422, 550.19, 0.56242]], "trackers": [[1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442, 0.0], [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694, 0.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 0.0], [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984, 0.0], [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352, 0.0], [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1649.0, 394.0, 1909.0, 880.0, 1.0], [616.0, 441.0, 701.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1815.0, 416.0, 2007.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 443.0, 593.0, 750.0, 1.0], [663.0, 461.0, 732.0, 660.0, 1.0], [1458.0, 430.0, 1523.0, 559.0, 1.0], [500.0, 456.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 502.0, 764.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1028.0, 450.0, 1052.0, 519.0, 1.0], [710.0, 448.0, 744.0, 541.0, 1.0]], "average_area": [34492.464697363896], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 5], [2, 4], [3, 0], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 43, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.4294], [486.58, 444.35, 591.14, 760.03, 1.1858], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.77917], [1254.6, 446.72, 1288.422, 550.19, 0.53107], [1732.7, 389.14, 1880.99, 836.0, 0.36156]], "trackers": [[1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724, 0.0], [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585, 0.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 0.0], [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614, 0.0], [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231, 0.0], [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1652.0, 394.0, 1916.0, 883.0, 1.0], [617.0, 441.0, 702.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1844.0, 416.0, 2025.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 461.0, 767.0, 536.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 751.0, 1.0], [664.0, 461.0, 734.0, 661.0, 1.0], [1462.0, 430.0, 1526.0, 559.0, 1.0], [500.0, 456.0, 588.0, 717.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [644.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [734.0, 502.0, 766.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [711.0, 447.0, 745.0, 541.0, 1.0]], "average_area": [35274.6700000262], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 5], [3, 3], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 44, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.3865], [625.89, 442.1, 716.786, 716.79, 1.1862], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.91161], [1750.1, 378.26, 1920.58, 891.71, 0.70061], [1254.6, 446.72, 1288.422, 550.19, 0.38497]], "trackers": [[1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234, 0.0], [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097, 0.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 0.0], [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179, 0.0], [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516, 0.0], [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1670.0, 393.0, 1924.0, 883.0, 1.0], [618.0, 441.0, 704.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 461.0, 768.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 752.0, 1.0], [665.0, 460.0, 735.0, 661.0, 1.0], [1466.0, 430.0, 1529.0, 559.0, 1.0], [500.0, 456.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 580.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [735.0, 501.0, 767.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [713.0, 447.0, 746.0, 541.0, 1.0]], "average_area": [33117.99068126504], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 5], [3, 0], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 45, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.1762], [486.58, 444.35, 591.14, 760.03, 1.1594], [1750.1, 378.26, 1920.58, 891.71, 0.5714], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.4878]], "trackers": [[1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884, 0.0], [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183, 0.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 0.0], [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 0.0], [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451, 0.0], [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1688.0, 392.0, 1932.0, 883.0, 1.0], [619.0, 441.0, 705.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 461.0, 769.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 753.0, 1.0], [666.0, 460.0, 737.0, 662.0, 1.0], [1470.0, 430.0, 1531.0, 559.0, 1.0], [500.0, 455.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [736.0, 501.0, 769.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [714.0, 447.0, 747.0, 542.0, 1.0]], "average_area": [34632.66440931911], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 0], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 46, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.1848], [486.58, 444.35, 591.14, 760.03, 1.117], [683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "trackers": [[1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 0.0], [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777, 0.0], [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 0.0], [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308, 0.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1707.0, 391.0, 1941.0, 883.0, 1.0], [620.0, 441.0, 706.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 461.0, 770.0, 538.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 754.0, 1.0], [667.0, 460.0, 739.0, 663.0, 1.0], [1474.0, 430.0, 1534.0, 559.0, 1.0], [500.0, 455.0, 588.0, 719.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 501.0, 771.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [715.0, 447.0, 748.0, 542.0, 1.0]], "average_area": [34855.10554945025], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [2, 4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14}], "frame_count": 47, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]]}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.215], [486.58, 444.35, 591.14, 760.03, 1.0318], [1255.0, 441.39, 1291.321, 552.35, 0.61874]], "trackers": [[1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 0.0], [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234, 0.0], [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703, 0.0], [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821, 0.0], [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1725.0, 390.0, 1949.0, 883.0, 1.0], [621.0, 442.0, 708.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 461.0, 771.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 440.0, 593.0, 755.0, 1.0], [668.0, 459.0, 740.0, 663.0, 1.0], [1478.0, 430.0, 1537.0, 559.0, 1.0], [500.0, 455.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 500.0, 772.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [716.0, 447.0, 749.0, 542.0, 1.0]], "average_area": [31090.440769758385], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15}], "frame_count": 48, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.2516], [486.58, 444.35, 591.14, 760.03, 0.97536], [579.94, 451.29, 624.888, 588.13, 0.31026]], "trackers": [[1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 0.0], [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592, 0.0], [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 0.0], [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946, 0.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1743.0, 389.0, 1958.0, 884.0, 1.0], [621.0, 442.0, 709.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [738.0, 461.0, 772.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 756.0, 1.0], [669.0, 459.0, 742.0, 664.0, 1.0], [1482.0, 430.0, 1539.0, 559.0, 1.0], [500.0, 454.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 455.0, 1051.0, 532.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [738.0, 500.0, 774.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [717.0, 447.0, 750.0, 542.0, 1.0]], "average_area": [30580.30947756609], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [4, 2], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "frame_count": 49, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]]}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.4104], [486.58, 444.35, 591.14, 760.03, 1.0846], [1261.6, 446.72, 1295.422, 550.19, 0.59795], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "trackers": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1762.0, 388.0, 1966.0, 884.0, 1.0], [622.0, 443.0, 710.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [739.0, 461.0, 773.0, 540.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 757.0, 1.0], [670.0, 458.0, 743.0, 664.0, 1.0], [1486.0, 430.0, 1542.0, 559.0, 1.0], [500.0, 454.0, 588.0, 721.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 454.0, 1051.0, 531.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [739.0, 499.0, 775.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [719.0, 447.0, 752.0, 543.0, 1.0]], "average_area": [30356.96574292538], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 2]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17}], "frame_count": 50, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]]}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.2824], [618.34, 446.86, 703.082, 703.09, 1.1639], [1261.6, 446.72, 1295.422, 550.19, 0.49002]], "trackers": [[1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 0.0], [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576, 0.0], [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815, 0.0], [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221, 0.0], [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1780.0, 387.0, 1975.0, 884.0, 1.0], [623.0, 443.0, 711.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [740.0, 461.0, 774.0, 541.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 438.0, 593.0, 758.0, 1.0], [671.0, 458.0, 745.0, 665.0, 1.0], [1490.0, 430.0, 1545.0, 559.0, 1.0], [500.0, 454.0, 588.0, 722.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1020.0, 454.0, 1052.0, 531.0, 1.0], [647.0, 456.0, 684.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [740.0, 499.0, 777.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [720.0, 447.0, 753.0, 543.0, 1.0]], "average_area": [30200.655370054126], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "frame_count": 51, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.2553], [618.34, 446.86, 703.082, 703.09, 1.1522]], "trackers": [[1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 0.0], [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755, 0.0], [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 0.0], [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1798.0, 386.0, 1983.0, 884.0, 1.0], [624.0, 444.0, 712.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [741.0, 461.0, 775.0, 542.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 593.0, 760.0, 1.0], [672.0, 458.0, 747.0, 666.0, 1.0], [1495.0, 431.0, 1548.0, 559.0, 1.0], [500.0, 454.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1021.0, 454.0, 1053.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [741.0, 499.0, 779.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 537.0, 1.0], [574.0, 454.0, 598.0, 528.0, 1.0], [618.0, 456.0, 642.0, 534.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [721.0, 447.0, 754.0, 543.0, 1.0]], "average_area": [36371.71462690643], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "frame_count": 52, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.5901], [618.34, 446.86, 703.082, 703.09, 1.0794]], "trackers": [[1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 0.0], [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338, 0.0], [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 0.0], [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1817.0, 386.0, 1992.0, 885.0, 1.0], [623.0, 444.0, 712.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [742.0, 461.0, 776.0, 543.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 594.0, 759.0, 1.0], [673.0, 458.0, 748.0, 666.0, 1.0], [1497.0, 430.0, 1550.0, 558.0, 1.0], [500.0, 453.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [546.0, 462.0, 581.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1022.0, 454.0, 1054.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [742.0, 499.0, 780.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [722.0, 447.0, 755.0, 543.0, 1.0]], "average_area": [36355.65667584492], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "frame_count": 53, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.6813], [625.89, 442.1, 716.786, 716.79, 1.2392], [579.94, 451.29, 624.888, 588.13, 0.48921]], "trackers": [[618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644, 0.0], [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 0.0], [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1818.0, 385.0, 1999.0, 884.0, 1.0], [623.0, 444.0, 712.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [743.0, 462.0, 778.0, 544.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 596.0, 759.0, 1.0], [675.0, 458.0, 750.0, 667.0, 1.0], [1500.0, 430.0, 1552.0, 558.0, 1.0], [500.0, 453.0, 588.0, 724.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [545.0, 462.0, 580.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1023.0, 454.0, 1055.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [743.0, 499.0, 781.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [723.0, 447.0, 756.0, 543.0, 1.0]], "average_area": [36348.81268834209], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "frame_count": 54, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]]}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.9477], [618.34, 446.86, 703.082, 703.09, 1.3013], [579.94, 451.29, 624.888, 588.13, 0.43089]], "trackers": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1819.0, 385.0, 2006.0, 884.0, 1.0], [623.0, 444.0, 712.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [744.0, 462.0, 780.0, 546.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 598.0, 759.0, 1.0], [677.0, 458.0, 751.0, 667.0, 1.0], [1502.0, 430.0, 1555.0, 558.0, 1.0], [500.0, 453.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [544.0, 462.0, 579.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1024.0, 454.0, 1056.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [744.0, 499.0, 782.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [724.0, 447.0, 757.0, 543.0, 1.0]], "average_area": [20176.22774786844], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "frame_count": 55, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]]}, "detections": [[486.58, 444.35, 591.14, 760.03, 1.662], [618.34, 446.86, 703.082, 703.09, 1.5411], [689.79, 455.86, 753.77, 649.8, 0.35075]], "trackers": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1821.0, 385.0, 2013.0, 883.0, 1.0], [623.0, 444.0, 712.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [745.0, 463.0, 781.0, 547.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 600.0, 759.0, 1.0], [678.0, 458.0, 753.0, 668.0, 1.0], [1505.0, 430.0, 1557.0, 558.0, 1.0], [500.0, 452.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1025.0, 454.0, 1057.0, 531.0, 1.0], [650.0, 456.0, 687.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [746.0, 500.0, 784.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [725.0, 447.0, 758.0, 543.0, 1.0]], "average_area": [19744.05829019198], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "frame_count": 56, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]]}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.6428], [486.58, 444.35, 591.14, 760.03, 1.5494]], "trackers": [[619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433, 0.0], [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 0.0], [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1822.0, 385.0, 2020.0, 883.0, 1.0], [623.0, 444.0, 712.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [746.0, 463.0, 783.0, 549.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 602.0, 759.0, 1.0], [680.0, 458.0, 754.0, 668.0, 1.0], [1507.0, 430.0, 1560.0, 558.0, 1.0], [500.0, 452.0, 588.0, 726.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1026.0, 454.0, 1058.0, 531.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [747.0, 500.0, 785.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [726.0, 447.0, 759.0, 543.0, 1.0]], "average_area": [19578.10849650839], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "frame_count": 57, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.6453], [498.8, 430.92, 610.94, 769.33, 1.0551]], "trackers": [[618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862, 0.0], [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 0.0], [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 444.0, 712.0, 721.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [747.0, 464.0, 785.0, 550.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 603.0, 759.0, 1.0], [682.0, 458.0, 756.0, 669.0, 1.0], [1510.0, 430.0, 1562.0, 557.0, 1.0], [500.0, 452.0, 588.0, 727.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [542.0, 462.0, 577.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [1028.0, 455.0, 1060.0, 532.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [748.0, 500.0, 786.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 596.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [727.0, 447.0, 760.0, 543.0, 1.0]], "average_area": [19513.879441629728], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "frame_count": 58, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[618.34, 446.86, 703.082, 703.09, 1.6348], [498.8, 430.92, 610.94, 769.33, 0.78053]], "trackers": [[618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765, 0.0], [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 0.0], [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 445.0, 712.0, 723.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [748.0, 464.0, 786.0, 551.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 605.0, 759.0, 1.0], [683.0, 458.0, 757.0, 669.0, 1.0], [1512.0, 430.0, 1565.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [541.0, 462.0, 576.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [662.0, 448.0, 732.0, 635.0, 1.0], [1029.0, 454.0, 1061.0, 531.0, 1.0], [652.0, 456.0, 689.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 501.0, 788.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [729.0, 447.0, 762.0, 543.0, 1.0]], "average_area": [20555.66949370799], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "frame_count": 59, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 2.0131], [493.46, 454.06, 590.952, 748.53, 0.74405], [579.94, 451.29, 624.888, 588.13, 0.53516]], "trackers": [[618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422, 0.0], [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 724.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [749.0, 465.0, 788.0, 553.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 607.0, 759.0, 1.0], [685.0, 458.0, 759.0, 670.0, 1.0], [1515.0, 430.0, 1567.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [540.0, 462.0, 575.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [666.0, 448.0, 734.0, 635.0, 1.0], [1030.0, 454.0, 1062.0, 531.0, 1.0], [652.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 501.0, 789.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [730.0, 447.0, 763.0, 543.0, 1.0]], "average_area": [29647.73596969802], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "frame_count": 60, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]]}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.8599], [493.46, 434.36, 590.952, 728.83, 0.63764]], "trackers": [[624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788, 0.0], [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 725.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [750.0, 465.0, 790.0, 554.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 609.0, 759.0, 1.0], [687.0, 458.0, 761.0, 671.0, 1.0], [1518.0, 430.0, 1569.0, 557.0, 1.0], [500.0, 452.0, 588.0, 729.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [670.0, 448.0, 737.0, 636.0, 1.0], [1031.0, 454.0, 1063.0, 531.0, 1.0], [653.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 501.0, 790.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [731.0, 447.0, 764.0, 543.0, 1.0]], "average_area": [27921.612190424865], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "frame_count": 61, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.9276], [579.94, 451.29, 624.888, 588.13, 0.70894], [1261.6, 446.72, 1295.422, 550.19, 0.63399]], "trackers": [[626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409, 0.0], [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 726.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 611.0, 759.0, 1.0], [687.0, 457.0, 761.0, 671.0, 1.0], [1520.0, 430.0, 1572.0, 557.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [674.0, 448.0, 740.0, 636.0, 1.0], [1032.0, 454.0, 1064.0, 531.0, 1.0], [654.0, 456.0, 691.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 502.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 634.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [732.0, 447.0, 765.0, 543.0, 1.0]], "average_area": [27262.886574737706], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [2, 1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 1, "confidence": 1, "age": 41}], "frame_count": 62, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]]}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.8358], [579.94, 451.29, 624.888, 588.13, 0.49629], [507.69, 444.35, 612.25, 760.03, 0.42982]], "trackers": [[626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484, 0.0], [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 727.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [483.0, 438.0, 613.0, 759.0, 1.0], [688.0, 457.0, 762.0, 672.0, 1.0], [1523.0, 430.0, 1574.0, 556.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [538.0, 463.0, 573.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 743.0, 637.0, 1.0], [1033.0, 454.0, 1065.0, 531.0, 1.0], [654.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 501.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [733.0, 447.0, 766.0, 543.0, 1.0]], "average_area": [27433.849680443338], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 1]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "frame_count": 63, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]]}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.8256], [578.0, 430.92, 633.569, 599.63, 0.34068]], "trackers": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 728.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [486.0, 439.0, 616.0, 760.0, 1.0], [689.0, 457.0, 763.0, 673.0, 1.0], [1525.0, 430.0, 1577.0, 556.0, 1.0], [500.0, 452.0, 588.0, 731.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [537.0, 463.0, 572.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 746.0, 637.0, 1.0], [1034.0, 454.0, 1066.0, 531.0, 1.0], [655.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [734.0, 448.0, 767.0, 544.0, 1.0]], "average_area": [28603.579354949135], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 1, "confidence": 1, "age": 43}], "frame_count": 64, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]]}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.4919], [498.8, 430.92, 610.94, 769.33, 0.37657]], "trackers": [[627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519, 0.0], [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 729.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [488.0, 440.0, 618.0, 761.0, 1.0], [690.0, 456.0, 763.0, 674.0, 1.0], [1528.0, 430.0, 1579.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [482.0, 468.0, 511.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 749.0, 638.0, 1.0], [1035.0, 454.0, 1067.0, 531.0, 1.0], [655.0, 456.0, 693.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [735.0, 448.0, 768.0, 544.0, 1.0]], "average_area": [28649.622653476756], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "frame_count": 65, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.5936], [513.16, 454.06, 610.6519999999999, 748.53, 0.37067]], "trackers": [[626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439, 0.0], [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 446.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 468.0, 794.0, 558.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [491.0, 440.0, 621.0, 761.0, 1.0], [691.0, 456.0, 764.0, 675.0, 1.0], [1530.0, 430.0, 1582.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [481.0, 467.0, 510.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 752.0, 639.0, 1.0], [1036.0, 454.0, 1068.0, 531.0, 1.0], [656.0, 456.0, 694.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 794.0, 565.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [736.0, 448.0, 769.0, 544.0, 1.0]], "average_area": [30803.222701009774], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 45}], "frame_count": 66, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.3918]], "trackers": [[616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899, 0.0], [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [621.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 469.0, 794.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [494.0, 441.0, 624.0, 762.0, 1.0], [692.0, 456.0, 765.0, 676.0, 1.0], [1533.0, 430.0, 1584.0, 556.0, 1.0], [500.0, 452.0, 588.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [535.0, 463.0, 570.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [480.0, 467.0, 509.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 450.0, 755.0, 640.0, 1.0], [1037.0, 454.0, 1069.0, 531.0, 1.0], [657.0, 456.0, 695.0, 583.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 501.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [737.0, 448.0, 770.0, 544.0, 1.0]], "average_area": [29442.49459113522], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 1, "confidence": 1, "age": 46}], "frame_count": 67, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.89, 442.1, 716.786, 716.79, 1.5875], [697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "trackers": [[623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452, 0.0], [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 469.0, 795.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [496.0, 442.0, 626.0, 763.0, 1.0], [693.0, 455.0, 766.0, 675.0, 1.0], [1536.0, 429.0, 1586.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [534.0, 463.0, 569.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 509.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 756.0, 640.0, 1.0], [1038.0, 454.0, 1070.0, 531.0, 1.0], [657.0, 456.0, 695.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [739.0, 448.0, 772.0, 544.0, 1.0]], "average_area": [28714.814541007087], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "frame_count": 68, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.398], [687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "trackers": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 470.0, 795.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [499.0, 442.0, 629.0, 763.0, 1.0], [694.0, 455.0, 768.0, 675.0, 1.0], [1538.0, 429.0, 1589.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [533.0, 464.0, 568.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 508.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 757.0, 641.0, 1.0], [1039.0, 454.0, 1071.0, 531.0, 1.0], [658.0, 456.0, 696.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [740.0, 448.0, 773.0, 544.0, 1.0]], "average_area": [28437.87819897287], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "frame_count": 69, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7214], [687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "trackers": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 470.0, 796.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [501.0, 443.0, 631.0, 764.0, 1.0], [696.0, 455.0, 769.0, 674.0, 1.0], [1541.0, 429.0, 1591.0, 555.0, 1.0], [500.0, 452.0, 588.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [478.0, 467.0, 507.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 758.0, 641.0, 1.0], [1040.0, 454.0, 1072.0, 531.0, 1.0], [659.0, 456.0, 697.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [741.0, 448.0, 774.0, 544.0, 1.0]], "average_area": [29521.063616823514], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 4, "confidence": 1, "age": 49}], "frame_count": 70, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6169], [528.8, 444.35, 633.3599999999999, 760.03, 0.64987]], "trackers": [[612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781, 0.0], [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 471.0, 796.0, 561.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [504.0, 444.0, 634.0, 765.0, 1.0], [697.0, 455.0, 771.0, 674.0, 1.0], [1543.0, 429.0, 1594.0, 555.0, 1.0], [500.0, 453.0, 588.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [477.0, 467.0, 507.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 759.0, 642.0, 1.0], [1041.0, 454.0, 1073.0, 531.0, 1.0], [660.0, 456.0, 698.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 500.0, 797.0, 568.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [742.0, 448.0, 775.0, 544.0, 1.0]], "average_area": [29934.480780161954], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "frame_count": 71, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6507], [528.8, 444.35, 633.3599999999999, 760.03, 0.57854]], "trackers": [[611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157, 0.0], [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [507.0, 445.0, 637.0, 766.0, 1.0], [698.0, 455.0, 772.0, 673.0, 1.0], [1546.0, 429.0, 1596.0, 555.0, 1.0], [501.0, 453.0, 589.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [531.0, 464.0, 566.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 760.0, 642.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [661.0, 456.0, 699.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [743.0, 448.0, 776.0, 544.0, 1.0]], "average_area": [30715.711127515882], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "frame_count": 72, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.8919], [528.8, 444.35, 633.3599999999999, 760.03, 0.51249]], "trackers": [[611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148, 0.0], [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [510.0, 444.0, 638.0, 766.0, 1.0], [700.0, 455.0, 774.0, 673.0, 1.0], [1548.0, 429.0, 1599.0, 554.0, 1.0], [503.0, 453.0, 591.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [530.0, 464.0, 565.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [679.0, 449.0, 761.0, 643.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [662.0, 456.0, 700.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [744.0, 448.0, 777.0, 544.0, 1.0]], "average_area": [30843.84368747562], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "frame_count": 73, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7912], [528.8, 444.35, 633.3599999999999, 760.03, 0.44196], [1262.5, 441.39, 1298.821, 552.35, 0.30405]], "trackers": [[611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272, 0.0], [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 472.0, 798.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [513.0, 444.0, 639.0, 767.0, 1.0], [700.0, 455.0, 776.0, 673.0, 1.0], [1551.0, 429.0, 1601.0, 554.0, 1.0], [504.0, 453.0, 593.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [475.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 589.0, 1.0], [682.0, 449.0, 761.0, 643.0, 1.0], [1043.0, 454.0, 1075.0, 531.0, 1.0], [663.0, 456.0, 701.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 500.0, 799.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 452.0, 1049.0, 521.0, 1.0], [745.0, 448.0, 778.0, 544.0, 1.0]], "average_area": [30889.49820060259], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 53}], "frame_count": 74, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.739]], "trackers": [[611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596, 0.0], [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [516.0, 444.0, 640.0, 767.0, 1.0], [701.0, 456.0, 778.0, 673.0, 1.0], [1554.0, 429.0, 1603.0, 554.0, 1.0], [506.0, 453.0, 595.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [474.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [685.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [664.0, 456.0, 702.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 500.0, 800.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [746.0, 448.0, 779.0, 544.0, 1.0]], "average_area": [30906.188554407447], "iou_threshold": 0.3, "ret_matches": [[0, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 1, "confidence": 1, "age": 54}], "frame_count": 75, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.9104], [544.06, 430.92, 656.1999999999999, 769.33, 0.49124]], "trackers": [[611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406, 0.0], [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [519.0, 443.0, 641.0, 768.0, 1.0], [702.0, 456.0, 780.0, 673.0, 1.0], [1556.0, 429.0, 1606.0, 554.0, 1.0], [508.0, 452.0, 597.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [528.0, 464.0, 563.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [688.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [665.0, 456.0, 703.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 500.0, 801.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [747.0, 448.0, 780.0, 544.0, 1.0]], "average_area": [30916.657672131783], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "frame_count": 76, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7384], [498.8, 430.92, 610.94, 769.33, 0.49396], [1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "trackers": [[611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263, 0.0], [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [523.0, 443.0, 642.0, 768.0, 1.0], [703.0, 457.0, 782.0, 673.0, 1.0], [1559.0, 429.0, 1608.0, 554.0, 1.0], [510.0, 451.0, 600.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [527.0, 465.0, 562.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [691.0, 449.0, 763.0, 644.0, 1.0], [1045.0, 454.0, 1077.0, 531.0, 1.0], [667.0, 456.0, 705.0, 582.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 501.0, 802.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [569.0, 454.0, 592.0, 527.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "average_area": [32756.25735585234], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "frame_count": 77, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.4237], [704.08, 429.71, 788.822, 685.94, 0.54247], [513.16, 454.06, 610.6519999999999, 748.53, 0.48629], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "trackers": [[611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187, 0.0], [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [526.0, 443.0, 643.0, 769.0, 1.0], [704.0, 458.0, 784.0, 673.0, 1.0], [1561.0, 429.0, 1611.0, 553.0, 1.0], [512.0, 450.0, 603.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [526.0, 465.0, 561.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [472.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [694.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [668.0, 456.0, 706.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 501.0, 803.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "average_area": [33195.79965718207], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 1]], "ret_unmatched_detections": [1, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "frame_count": 78, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]]}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.2095], [513.16, 454.06, 610.6519999999999, 748.53, 0.54497], [702.64, 448.86, 776.283, 671.79, 0.38424]], "trackers": [[611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327, 0.0], [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [529.0, 442.0, 644.0, 769.0, 1.0], [705.0, 458.0, 789.0, 673.0, 1.0], [1564.0, 429.0, 1613.0, 553.0, 1.0], [514.0, 450.0, 606.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [471.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [697.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [670.0, 456.0, 708.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 501.0, 804.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [750.0, 449.0, 783.0, 545.0, 1.0]], "average_area": [30395.105006394042], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "frame_count": 79, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]]}, "detections": [[635.49, 464.01, 720.232, 720.24, 1.3663], [513.16, 454.06, 610.6519999999999, 748.53, 0.73604], [717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "trackers": [[611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474, 0.0], [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 441.0, 710.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [532.0, 442.0, 645.0, 770.0, 1.0], [706.0, 458.0, 795.0, 674.0, 1.0], [1566.0, 429.0, 1616.0, 553.0, 1.0], [516.0, 450.0, 609.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [700.0, 449.0, 765.0, 644.0, 1.0], [1047.0, 454.0, 1079.0, 531.0, 1.0], [672.0, 456.0, 710.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 501.0, 805.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [751.0, 449.0, 784.0, 545.0, 1.0]], "average_area": [29335.65740728794], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "frame_count": 80, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]]}, "detections": [[635.49, 464.01, 720.232, 720.24, 1.2658], [498.8, 430.92, 610.94, 769.33, 1.1108], [711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "trackers": [[627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756, 0.0], [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 441.0, 711.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [535.0, 442.0, 646.0, 770.0, 1.0], [707.0, 458.0, 801.0, 675.0, 1.0], [1569.0, 429.0, 1618.0, 553.0, 1.0], [518.0, 450.0, 612.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [524.0, 465.0, 559.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [704.0, 449.0, 766.0, 645.0, 1.0], [1048.0, 454.0, 1080.0, 531.0, 1.0], [674.0, 456.0, 712.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 501.0, 806.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [752.0, 449.0, 785.0, 545.0, 1.0]], "average_area": [26716.14553311332], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "frame_count": 81, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]]}, "detections": [[498.8, 430.92, 610.94, 769.33, 1.1342], [613.25, 423.24, 717.81, 738.9200000000001, 1.0744], [702.64, 463.78, 776.283, 686.71, 0.60321]], "trackers": [[633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681, 0.0], [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 441.0, 713.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [763.0, 472.0, 804.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [539.0, 442.0, 647.0, 771.0, 1.0], [709.0, 458.0, 807.0, 676.0, 1.0], [520.0, 451.0, 615.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [523.0, 465.0, 558.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [469.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [706.0, 449.0, 768.0, 646.0, 1.0], [1049.0, 454.0, 1081.0, 531.0, 1.0], [676.0, 456.0, 714.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [770.0, 502.0, 807.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 528.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [753.0, 449.0, 786.0, 545.0, 1.0]], "average_area": [28660.89243611884], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "frame_count": 82, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]]}, "detections": [[613.25, 423.24, 717.81, 738.9200000000001, 0.8621], [521.43, 430.92, 633.5699999999999, 769.33, 0.68223], [711.37, 474.58, 780.014, 682.51, 0.65604]], "trackers": [[620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778, 0.0], [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 441.0, 714.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [540.0, 442.0, 648.0, 772.0, 1.0], [711.0, 457.0, 808.0, 677.0, 1.0], [520.0, 450.0, 615.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 458.0, 458.0, 542.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [708.0, 449.0, 770.0, 647.0, 1.0], [1050.0, 454.0, 1082.0, 531.0, 1.0], [677.0, 455.0, 715.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1020.0, 451.0, 1044.0, 520.0, 1.0], [754.0, 449.0, 787.0, 545.0, 1.0]], "average_area": [32979.0562601315], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "frame_count": 83, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]]}, "detections": [[631.35, 434.36, 728.842, 728.83, 1.0307], [702.64, 463.78, 776.283, 686.71, 0.7767], [498.8, 430.92, 610.94, 769.33, 0.47613], [558.78, 437.53, 679.04, 800.3, 0.44773]], "trackers": [[616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017, 0.0], [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 440.0, 715.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [541.0, 442.0, 649.0, 774.0, 1.0], [713.0, 457.0, 809.0, 678.0, 1.0], [520.0, 450.0, 615.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [422.0, 458.0, 459.0, 542.0, 1.0], [586.0, 455.0, 628.0, 590.0, 1.0], [710.0, 449.0, 772.0, 648.0, 1.0], [1051.0, 454.0, 1083.0, 531.0, 1.0], [678.0, 455.0, 716.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1019.0, 451.0, 1043.0, 520.0, 1.0], [755.0, 449.0, 788.0, 545.0, 1.0]], "average_area": [34626.330485663435], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 1]], "ret_unmatched_detections": [1, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 84, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]]}, "detections": [[634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.2637], [558.78, 437.53, 679.04, 800.3, 0.85414], [721.23, 412.56, 805.972, 668.79, 0.77306], [498.8, 430.92, 610.94, 769.33, 0.56333]], "trackers": [[626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691, 0.0], [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275, 0.0], [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 440.0, 717.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [542.0, 442.0, 651.0, 776.0, 1.0], [716.0, 456.0, 811.0, 679.0, 1.0], [520.0, 449.0, 615.0, 738.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [521.0, 465.0, 556.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [467.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 459.0, 542.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [712.0, 449.0, 774.0, 649.0, 1.0], [1053.0, 454.0, 1085.0, 531.0, 1.0], [680.0, 455.0, 718.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 806.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1017.0, 451.0, 1041.0, 520.0, 1.0], [756.0, 449.0, 788.0, 545.0, 1.0]], "average_area": [28782.43960716101], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 2], [3, 1]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 85, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]]}, "detections": [[721.23, 412.56, 805.972, 668.79, 1.1654], [631.35, 434.36, 728.842, 728.83, 1.0488], [558.78, 437.53, 679.04, 800.3, 0.81955], [498.8, 430.92, 610.94, 769.33, 0.46032]], "trackers": [[633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223, 0.0], [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747, 0.0], [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 440.0, 718.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [543.0, 442.0, 652.0, 777.0, 1.0], [718.0, 456.0, 812.0, 680.0, 1.0], [520.0, 449.0, 615.0, 740.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [520.0, 466.0, 555.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [466.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [714.0, 449.0, 776.0, 650.0, 1.0], [1054.0, 454.0, 1086.0, 531.0, 1.0], [681.0, 455.0, 719.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1016.0, 451.0, 1040.0, 520.0, 1.0], [757.0, 449.0, 789.0, 545.0, 1.0]], "average_area": [31994.71112968957], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [3, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 86, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[725.3, 460.65, 793.944, 668.5799999999999, 1.1002], [558.78, 437.53, 679.04, 800.3, 1.0713], [631.35, 434.36, 728.842, 728.83, 0.8721], [498.8, 430.92, 610.94, 769.33, 0.70522]], "trackers": [[633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463, 0.0], [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103, 0.0], [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 440.0, 720.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [544.0, 443.0, 654.0, 779.0, 1.0], [721.0, 456.0, 814.0, 682.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [519.0, 466.0, 554.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [465.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [424.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [716.0, 450.0, 778.0, 651.0, 1.0], [1056.0, 454.0, 1088.0, 531.0, 1.0], [683.0, 455.0, 721.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1015.0, 451.0, 1039.0, 520.0, 1.0], [757.0, 449.0, 790.0, 545.0, 1.0]], "average_area": [34156.65181278867], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 0], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 87, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[558.78, 437.53, 679.04, 800.3, 1.4201], [631.35, 434.36, 728.842, 728.83, 1.0872], [725.3, 460.65, 793.944, 668.5799999999999, 0.95859], [498.8, 430.92, 610.94, 769.33, 0.6882], [729.84, 394.97, 827.332, 689.44, 0.38619]], "trackers": [[633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334, 0.0], [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229, 0.0], [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [624.0, 440.0, 722.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [545.0, 443.0, 655.0, 781.0, 1.0], [722.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [464.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [717.0, 449.0, 781.0, 650.0, 1.0], [1057.0, 454.0, 1089.0, 531.0, 1.0], [685.0, 455.0, 723.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1013.0, 451.0, 1037.0, 520.0, 1.0], [758.0, 449.0, 791.0, 545.0, 1.0]], "average_area": [31746.92157423231], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 0], [2, 2], [3, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 88, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]]}, "detections": [[631.35, 434.36, 728.842, 728.83, 1.1967], [732.5, 463.78, 806.143, 686.71, 1.1756], [521.43, 430.92, 633.5699999999999, 769.33, 1.0394]], "trackers": [[632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439, 0.0], [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555, 0.0], [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [626.0, 440.0, 724.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [546.0, 443.0, 656.0, 782.0, 1.0], [724.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 743.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [463.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 540.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [719.0, 448.0, 784.0, 650.0, 1.0], [1058.0, 454.0, 1090.0, 531.0, 1.0], [687.0, 455.0, 725.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1012.0, 451.0, 1036.0, 520.0, 1.0], [759.0, 449.0, 792.0, 545.0, 1.0]], "average_area": [31127.620779465662], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 4}], "frame_count": 89, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[513.16, 454.06, 610.6519999999999, 748.53, 1.4735], [558.78, 437.53, 679.04, 800.3, 0.94413], [631.35, 434.36, 728.842, 728.83, 0.92723], [732.5, 448.86, 806.143, 671.79, 0.61258]], "trackers": [[632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372, 0.0], [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847, 0.0], [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [628.0, 440.0, 727.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [547.0, 443.0, 658.0, 784.0, 1.0], [726.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 744.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [517.0, 466.0, 552.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [462.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [426.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [721.0, 447.0, 788.0, 650.0, 1.0], [1060.0, 454.0, 1092.0, 531.0, 1.0], [689.0, 455.0, 727.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 804.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1011.0, 451.0, 1035.0, 520.0, 1.0], [760.0, 449.0, 793.0, 545.0, 1.0]], "average_area": [31440.09548461326], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 0], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "frame_count": 90, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7861], [631.35, 434.36, 728.842, 728.83, 1.1299], [558.78, 437.53, 679.04, 800.3, 0.79843], [737.0, 449.0, 816.0, 688.0, 0.52896]], "trackers": [[632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808, 0.0], [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966, 0.0], [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [630.0, 440.0, 729.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [548.0, 443.0, 659.0, 786.0, 1.0], [728.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [516.0, 466.0, 551.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [461.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [724.0, 447.0, 790.0, 650.0, 1.0], [1061.0, 454.0, 1093.0, 531.0, 1.0], [691.0, 455.0, 729.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1009.0, 451.0, 1033.0, 520.0, 1.0], [761.0, 449.0, 794.0, 545.0, 1.0]], "average_area": [30091.72074467023], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "frame_count": 91, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[513.16, 454.06, 610.6519999999999, 748.53, 1.708], [631.35, 434.36, 728.842, 728.83, 1.035], [747.43, 448.86, 821.073, 671.79, 0.71911], [566.69, 430.92, 678.83, 769.33, 0.67911]], "trackers": [[632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306, 0.0], [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824, 0.0], [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [632.0, 440.0, 732.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 443.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 788.0, 1.0], [730.0, 454.0, 813.0, 680.0, 1.0], [521.0, 448.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [461.0, 467.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [727.0, 447.0, 793.0, 650.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [693.0, 455.0, 731.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 530.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1008.0, 451.0, 1032.0, 520.0, 1.0], [987.0, 473.0, 1008.0, 516.0, 1.0], [762.0, 449.0, 795.0, 545.0, 1.0]], "average_area": [30068.44068404959], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "frame_count": 92, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[513.16, 454.06, 610.6519999999999, 748.53, 1.6029], [631.35, 434.36, 728.842, 728.83, 1.4877], [737.0, 449.0, 816.0, 688.0, 1.0756], [566.69, 430.92, 678.83, 769.33, 0.68655]], "trackers": [[632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439, 0.0], [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075, 0.0], [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673, 0.0], [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [634.0, 440.0, 734.0, 738.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 789.0, 1.0], [732.0, 454.0, 815.0, 681.0, 1.0], [521.0, 448.0, 615.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [460.0, 468.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [731.0, 447.0, 795.0, 651.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [695.0, 455.0, 733.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1007.0, 451.0, 1031.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [763.0, 449.0, 795.0, 545.0, 1.0]], "average_area": [28404.06065421374], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "frame_count": 93, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[507.69, 444.35, 612.25, 760.03, 2.0165], [631.35, 434.36, 728.842, 728.83, 1.7404], [737.0, 449.0, 816.0, 688.0, 1.1077], [566.69, 430.92, 678.83, 769.33, 0.77254]], "trackers": [[632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855, 0.0], [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567, 0.0], [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675, 0.0], [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [636.0, 440.0, 737.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 662.0, 790.0, 1.0], [735.0, 454.0, 817.0, 682.0, 1.0], [522.0, 448.0, 616.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [514.0, 467.0, 549.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [459.0, 469.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [734.0, 447.0, 798.0, 651.0, 1.0], [1064.0, 454.0, 1096.0, 531.0, 1.0], [696.0, 455.0, 734.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [764.0, 449.0, 796.0, 545.0, 1.0]], "average_area": [28307.775265772903], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "frame_count": 94, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7097], [631.35, 434.36, 728.842, 728.83, 1.5115], [558.78, 437.53, 679.04, 800.3, 0.89579], [738.38, 446.86, 823.122, 703.09, 0.83856]], "trackers": [[632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816, 0.0], [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999, 0.0], [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034, 0.0], [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [638.0, 440.0, 738.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 801.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 663.0, 792.0, 1.0], [738.0, 454.0, 820.0, 683.0, 1.0], [522.0, 448.0, 616.0, 747.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [513.0, 467.0, 548.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [458.0, 470.0, 502.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 540.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [738.0, 447.0, 801.0, 652.0, 1.0], [1065.0, 454.0, 1097.0, 531.0, 1.0], [698.0, 455.0, 736.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 528.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [765.0, 449.0, 797.0, 545.0, 1.0]], "average_area": [28980.71443323829], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "frame_count": 95, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[507.69, 444.35, 612.25, 760.03, 1.7033], [747.43, 463.78, 821.073, 686.71, 1.5848], [631.35, 434.36, 728.842, 728.83, 1.0706], [558.78, 437.53, 679.04, 800.3, 0.69636]], "trackers": [[632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825, 0.0], [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731, 0.0], [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496, 0.0], [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [640.0, 440.0, 739.0, 740.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 664.0, 793.0, 1.0], [740.0, 454.0, 822.0, 684.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [512.0, 467.0, 547.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [457.0, 469.0, 500.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 541.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [735.0, 447.0, 805.0, 652.0, 1.0], [1066.0, 454.0, 1098.0, 531.0, 1.0], [700.0, 455.0, 738.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 798.0, 545.0, 1.0]], "average_area": [30142.760961602326], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 2], [2, 0], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "frame_count": 96, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.43, 463.78, 821.073, 686.71, 1.7475], [507.69, 444.35, 612.25, 760.03, 1.596], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4367], [566.69, 430.92, 678.83, 769.33, 0.8479]], "trackers": [[632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818, 0.0], [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073, 0.0], [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519, 0.0], [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [642.0, 440.0, 740.0, 741.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 665.0, 795.0, 1.0], [743.0, 454.0, 824.0, 685.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [456.0, 469.0, 499.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [732.0, 447.0, 809.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [702.0, 455.0, 740.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 504.0, 803.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 742.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 799.0, 545.0, 1.0]], "average_area": [30305.191119998915], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 0], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "frame_count": 97, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.43, 463.78, 821.073, 686.71, 1.5863], [507.69, 444.35, 612.25, 760.03, 1.4837], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4303], [566.69, 430.92, 678.83, 769.33, 0.547]], "trackers": [[634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487, 0.0], [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467, 0.0], [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672, 0.0], [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [644.0, 440.0, 741.0, 742.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 565.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 666.0, 796.0, 1.0], [746.0, 454.0, 827.0, 687.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [455.0, 469.0, 498.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [730.0, 447.0, 813.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [704.0, 455.0, 742.0, 580.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 589.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [767.0, 449.0, 800.0, 545.0, 1.0]], "average_area": [30027.63505494061], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 0], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "frame_count": 98, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[507.69, 444.35, 612.25, 760.03, 1.6444], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4468], [753.0, 449.0, 832.0, 688.0, 1.1116], [566.69, 430.92, 678.83, 769.33, 0.58267]], "trackers": [[635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471, 0.0], [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673, 0.0], [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602, 0.0], [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [646.0, 440.0, 743.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 667.0, 797.0, 1.0], [747.0, 454.0, 828.0, 688.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [510.0, 467.0, 545.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [454.0, 469.0, 497.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 542.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [733.0, 447.0, 817.0, 652.0, 1.0], [1068.0, 454.0, 1100.0, 531.0, 1.0], [706.0, 455.0, 744.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 588.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [768.0, 449.0, 801.0, 545.0, 1.0]], "average_area": [29941.909528475968], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "frame_count": 99, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.2018], [507.69, 444.35, 612.25, 760.03, 1.6054], [755.53, 446.86, 840.2719999999999, 703.09, 1.0043], [558.78, 437.53, 679.04, 800.3, 0.69928]], "trackers": [[635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303, 0.0], [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015, 0.0], [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915, 0.0], [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [647.0, 439.0, 745.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 668.0, 799.0, 1.0], [749.0, 454.0, 830.0, 689.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [509.0, 467.0, 544.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 496.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [737.0, 447.0, 821.0, 652.0, 1.0], [1069.0, 454.0, 1101.0, 531.0, 1.0], [708.0, 455.0, 746.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 533.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [769.0, 449.0, 802.0, 545.0, 1.0]], "average_area": [30347.838574531506], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "frame_count": 100, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[651.04, 434.36, 748.5319999999999, 728.83, 2.3712], [507.69, 444.35, 612.25, 760.03, 1.3453], [755.53, 446.86, 840.2719999999999, 703.09, 1.2741], [558.78, 437.53, 679.04, 800.3, 0.58833], [641.73, 363.15, 780.02, 780.01, 0.54565]], "trackers": [[650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331, 0.0], [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923, 0.0], [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385, 0.0], [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [648.0, 439.0, 748.0, 744.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 669.0, 800.0, 1.0], [750.0, 454.0, 832.0, 690.0, 1.0], [524.0, 450.0, 618.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 467.0, 543.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 495.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [741.0, 447.0, 825.0, 652.0, 1.0], [1070.0, 454.0, 1102.0, 531.0, 1.0], [710.0, 455.0, 748.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [770.0, 449.0, 802.0, 545.0, 1.0]], "average_area": [31982.600988986174], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 2], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "frame_count": 101, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]]}, "detections": [[651.04, 434.36, 748.5319999999999, 728.83, 2.6408], [507.69, 444.35, 612.25, 760.03, 1.0535], [546.83, 442.87, 675.7900000000001, 831.75, 1.0148], [755.53, 446.86, 840.2719999999999, 703.09, 0.90748], [641.73, 363.15, 780.02, 780.01, 0.65889]], "trackers": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718, 0.0], [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [650.0, 439.0, 751.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 473.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 444.0, 670.0, 802.0, 1.0], [752.0, 454.0, 834.0, 691.0, 1.0], [525.0, 450.0, 619.0, 749.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 468.0, 543.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [452.0, 468.0, 494.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 459.0, 467.0, 543.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [745.0, 447.0, 829.0, 652.0, 1.0], [1071.0, 454.0, 1103.0, 531.0, 1.0], [713.0, 455.0, 751.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [771.0, 449.0, 803.0, 545.0, 1.0]], "average_area": [31918.83544194523], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 3], [3, 2]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "frame_count": 102, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]]}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6804], [755.53, 446.86, 840.2719999999999, 703.09, 1.2473], [507.69, 444.35, 612.25, 760.03, 0.68379], [546.83, 442.87, 675.7900000000001, 831.75, 0.66452]], "trackers": [[653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664, 0.0], [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724, 0.0], [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347, 0.0], [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [651.0, 439.0, 752.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 565.0, 0.0], [1255.0, 447.0, 1293.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 443.0, 671.0, 802.0, 1.0], [754.0, 454.0, 836.0, 692.0, 1.0], [526.0, 450.0, 621.0, 750.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [451.0, 468.0, 493.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 458.0, 467.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [749.0, 448.0, 833.0, 653.0, 1.0], [1072.0, 454.0, 1103.0, 531.0, 1.0], [715.0, 454.0, 752.0, 576.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 505.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [608.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [772.0, 449.0, 804.0, 545.0, 1.0]], "average_area": [33007.47532835774], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "frame_count": 103, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6718], [755.53, 446.86, 840.2719999999999, 703.09, 0.92581], [507.69, 444.35, 612.25, 760.03, 0.53386], [566.69, 453.55, 678.83, 791.96, 0.47205]], "trackers": [[656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721, 0.0], [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717, 0.0], [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268, 0.0], [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [653.0, 439.0, 753.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 566.0, 0.0], [1254.0, 447.0, 1292.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [550.0, 442.0, 673.0, 802.0, 1.0], [755.0, 454.0, 837.0, 693.0, 1.0], [528.0, 450.0, 622.0, 751.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [450.0, 467.0, 492.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 468.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [750.0, 447.0, 834.0, 653.0, 1.0], [1073.0, 454.0, 1104.0, 531.0, 1.0], [717.0, 454.0, 754.0, 575.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 474.0, 1004.0, 517.0, 1.0], [773.0, 449.0, 805.0, 545.0, 1.0]], "average_area": [34088.2563541501], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "frame_count": 104, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.4752], [755.53, 446.86, 840.2719999999999, 703.09, 1.0385], [507.69, 444.35, 612.25, 760.03, 0.68763], [558.78, 437.53, 679.04, 800.3, 0.34753]], "trackers": [[657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944, 0.0], [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298, 0.0], [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722, 0.0], [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [655.0, 439.0, 754.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1253.0, 447.0, 1291.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [551.0, 442.0, 674.0, 802.0, 1.0], [756.0, 454.0, 838.0, 694.0, 1.0], [529.0, 450.0, 624.0, 752.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 541.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [449.0, 467.0, 491.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [751.0, 447.0, 835.0, 654.0, 1.0], [1074.0, 454.0, 1105.0, 531.0, 1.0], [719.0, 454.0, 756.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 800.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [982.0, 474.0, 1003.0, 517.0, 1.0], [774.0, 449.0, 806.0, 545.0, 1.0]], "average_area": [32423.53867598383], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20}], "frame_count": 105, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5065], [755.53, 446.86, 840.2719999999999, 703.09, 1.0318], [513.16, 454.06, 610.6519999999999, 748.53, 0.68502], [1256.0, 449.65, 1285.314, 539.593, 0.62417]], "trackers": [[658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671, 0.0], [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106, 0.0], [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724, 0.0], [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [657.0, 439.0, 755.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1252.0, 447.0, 1290.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [551.0, 441.0, 676.0, 802.0, 1.0], [757.0, 454.0, 839.0, 695.0, 1.0], [530.0, 450.0, 625.0, 753.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 541.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 490.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [752.0, 447.0, 836.0, 654.0, 1.0], [1075.0, 454.0, 1106.0, 531.0, 1.0], [721.0, 453.0, 758.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [981.0, 474.0, 1002.0, 517.0, 1.0], [775.0, 449.0, 807.0, 545.0, 1.0]], "average_area": [32750.906720752726], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 1, "confidence": 1, "age": 21}], "frame_count": 106, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]]}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5186], [755.53, 446.86, 840.2719999999999, 703.09, 0.96811], [1255.1, 442.87, 1286.59, 539.34, 0.58328], [558.78, 437.53, 679.04, 800.3, 0.48223], [498.8, 430.92, 610.94, 769.33, 0.47725]], "trackers": [[658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258, 0.0], [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143, 0.0], [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917, 0.0], [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [659.0, 440.0, 756.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1251.0, 447.0, 1289.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [552.0, 441.0, 678.0, 802.0, 1.0], [758.0, 454.0, 840.0, 696.0, 1.0], [532.0, 450.0, 627.0, 754.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 489.0, 571.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 470.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [753.0, 446.0, 837.0, 655.0, 1.0], [1076.0, 454.0, 1107.0, 531.0, 1.0], [723.0, 453.0, 761.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [775.0, 449.0, 808.0, 545.0, 1.0]], "average_area": [32097.463476593133], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [3, 3], [4, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 1, "age": 22}], "frame_count": 107, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]]}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7411], [755.53, 446.86, 840.2719999999999, 703.09, 1.0117], [498.8, 430.92, 610.94, 769.33, 0.61093]], "trackers": [[657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485, 0.0], [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461, 0.0], [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933, 0.0], [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [660.0, 440.0, 757.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1250.0, 447.0, 1288.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 440.0, 679.0, 802.0, 1.0], [760.0, 455.0, 841.0, 697.0, 1.0], [533.0, 450.0, 628.0, 755.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 564.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [447.0, 466.0, 488.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [755.0, 446.0, 839.0, 656.0, 1.0], [1077.0, 454.0, 1107.0, 531.0, 1.0], [726.0, 453.0, 763.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [607.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [776.0, 449.0, 809.0, 545.0, 1.0]], "average_area": [33423.82041528031], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 23}], "frame_count": 108, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7548], [755.53, 446.86, 840.2719999999999, 703.09, 1.0031], [528.8, 444.35, 633.3599999999999, 760.03, 0.55533], [1254.6, 439.76, 1288.422, 543.23, 0.51318]], "trackers": [[657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816, 0.0], [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036, 0.0], [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249, 0.0], [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [661.0, 440.0, 758.0, 747.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 567.0, 0.0], [1249.0, 447.0, 1287.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 439.0, 681.0, 802.0, 1.0], [760.0, 454.0, 841.0, 697.0, 1.0], [534.0, 450.0, 630.0, 756.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 487.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [756.0, 446.0, 840.0, 656.0, 1.0], [1078.0, 454.0, 1108.0, 531.0, 1.0], [728.0, 453.0, 766.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [979.0, 474.0, 1000.0, 517.0, 1.0], [777.0, 449.0, 809.0, 545.0, 1.0]], "average_area": [33884.978566405654], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 24}], "frame_count": 109, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]]}, "detections": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5249], [1248.6, 442.87, 1280.09, 539.34, 1.0996], [755.53, 446.86, 840.2719999999999, 703.09, 1.0264], [558.78, 437.53, 679.04, 800.3, 0.64547], [498.8, 430.92, 610.94, 769.33, 0.42254]], "trackers": [[657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971, 0.0], [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672, 0.0], [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333, 0.0], [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [663.0, 440.0, 760.0, 748.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 797.0, 567.0, 0.0], [1248.0, 447.0, 1286.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 439.0, 682.0, 802.0, 1.0], [761.0, 454.0, 842.0, 698.0, 1.0], [536.0, 450.0, 632.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 486.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 472.0, 541.0, 1.0], [590.0, 455.0, 632.0, 591.0, 1.0], [757.0, 445.0, 841.0, 657.0, 1.0], [1079.0, 454.0, 1109.0, 531.0, 1.0], [730.0, 453.0, 768.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [978.0, 474.0, 999.0, 517.0, 1.0], [778.0, 449.0, 810.0, 545.0, 1.0]], "average_area": [33277.75856583667], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 2], [3, 3], [4, 1]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "frame_count": 110, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]]}, "detections": [[657.2, 408.29, 769.34, 746.7, 2.4327], [755.53, 446.86, 840.2719999999999, 703.09, 0.78959], [521.43, 430.92, 633.5699999999999, 769.33, 0.4833], [1255.1, 449.36, 1286.59, 545.83, 0.32619]], "trackers": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [664.0, 440.0, 761.0, 749.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1247.0, 447.0, 1285.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 438.0, 684.0, 802.0, 1.0], [762.0, 454.0, 843.0, 699.0, 1.0], [537.0, 450.0, 634.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 538.0, 566.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 473.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [758.0, 445.0, 842.0, 657.0, 1.0], [1080.0, 454.0, 1110.0, 531.0, 1.0], [733.0, 453.0, 771.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [779.0, 449.0, 811.0, 545.0, 1.0]], "average_area": [33854.387728327434], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 26}], "frame_count": 111, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]]}, "detections": [[657.2, 408.29, 769.34, 746.7, 2.7505], [755.53, 446.86, 840.2719999999999, 703.09, 1.0529], [521.43, 430.92, 633.5699999999999, 769.33, 0.61308], [1248.6, 449.36, 1280.09, 545.83, 0.48608], [572.83, 442.87, 701.7900000000001, 831.75, 0.39517]], "trackers": [[658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689, 0.0], [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079, 0.0], [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729, 0.0], [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [666.0, 440.0, 763.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1246.0, 447.0, 1284.0, 546.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 803.0, 1.0], [763.0, 454.0, 844.0, 700.0, 1.0], [539.0, 450.0, 636.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 538.0, 566.0, 1.0], [498.0, 456.0, 529.0, 561.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [759.0, 445.0, 843.0, 658.0, 1.0], [1081.0, 454.0, 1111.0, 532.0, 1.0], [735.0, 453.0, 773.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 799.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [532.0, 456.0, 561.0, 527.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 454.0, 1025.0, 523.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [780.0, 449.0, 812.0, 545.0, 1.0]], "average_area": [34841.36240664116], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [4, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "frame_count": 112, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]]}, "detections": [[655.79, 413.27, 776.05, 776.04, 2.5705], [755.53, 446.86, 840.2719999999999, 703.09, 1.0607], [566.69, 453.55, 678.83, 791.96, 0.77268], [507.69, 444.35, 612.25, 760.03, 0.31299]], "trackers": [[658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135, 0.0], [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426, 0.0], [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956, 0.0], [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [667.0, 440.0, 764.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1245.0, 446.0, 1283.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 805.0, 1.0], [764.0, 454.0, 844.0, 699.0, 1.0], [540.0, 450.0, 638.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 537.0, 567.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [444.0, 466.0, 484.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [761.0, 445.0, 845.0, 659.0, 1.0], [1082.0, 453.0, 1112.0, 532.0, 1.0], [738.0, 453.0, 776.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [606.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1000.0, 454.0, 1024.0, 523.0, 1.0], [976.0, 474.0, 997.0, 517.0, 1.0], [781.0, 449.0, 813.0, 545.0, 1.0], [554.0, 456.0, 575.0, 512.0, 1.0]], "average_area": [36505.66857242135], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "frame_count": 113, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[655.79, 413.27, 776.05, 776.04, 2.4688], [1247.5, 441.39, 1283.821, 552.35, 0.7482], [566.69, 453.55, 678.83, 791.96, 0.74539], [755.53, 446.86, 840.2719999999999, 703.09, 0.36554]], "trackers": [[658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041, 0.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 0.0], [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278, 0.0], [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [669.0, 440.0, 766.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 796.0, 568.0, 0.0], [1244.0, 446.0, 1282.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 977.0, 550.0, 1.0], [555.0, 439.0, 687.0, 807.0, 1.0], [766.0, 454.0, 845.0, 699.0, 1.0], [542.0, 451.0, 640.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 469.0, 537.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 466.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [767.0, 443.0, 849.0, 659.0, 1.0], [1084.0, 453.0, 1114.0, 532.0, 1.0], [740.0, 453.0, 778.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [999.0, 454.0, 1023.0, 523.0, 1.0], [975.0, 474.0, 996.0, 517.0, 1.0], [782.0, 449.0, 814.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "average_area": [34984.07921631349], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "frame_count": 114, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4243], [572.83, 442.87, 701.7900000000001, 831.75, 0.74934], [1248.6, 449.36, 1280.09, 545.83, 0.52231], [755.53, 446.86, 840.2719999999999, 703.09, 0.38368], [770.33, 363.04, 882.47, 701.45, 0.37403]], "trackers": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [670.0, 440.0, 768.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 687.0, 809.0, 1.0], [768.0, 454.0, 846.0, 699.0, 1.0], [543.0, 450.0, 643.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [502.0, 469.0, 535.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 467.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [773.0, 442.0, 854.0, 660.0, 1.0], [1086.0, 453.0, 1116.0, 532.0, 1.0], [743.0, 453.0, 780.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1022.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [783.0, 449.0, 815.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "average_area": [34741.248121326076], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [3, 2]], "ret_unmatched_detections": [4, 2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "frame_count": 115, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2099], [572.83, 442.87, 701.7900000000001, 831.75, 0.8444], [533.84, 559.83, 597.82, 753.77, 0.48714]], "trackers": [[671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217, 0.0], [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307, 0.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 0.0], [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [672.0, 440.0, 770.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 688.0, 811.0, 1.0], [769.0, 454.0, 849.0, 699.0, 1.0], [545.0, 450.0, 647.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [501.0, 469.0, 534.0, 569.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 467.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [439.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [779.0, 441.0, 859.0, 661.0, 1.0], [1087.0, 453.0, 1118.0, 532.0, 1.0], [745.0, 453.0, 782.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1021.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [784.0, 449.0, 816.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "average_area": [34976.6155786298], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "frame_count": 116, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[657.2, 430.92, 769.34, 769.33, 2.2339], [572.83, 442.87, 701.7900000000001, 831.75, 0.85423], [534.0, 460.48, 555.974, 528.402, 0.7366], [772.68, 446.86, 857.4219999999999, 703.09, 0.50803]], "trackers": [[676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486, 0.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 0.0], [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951, 0.0], [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 440.0, 772.0, 752.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1242.0, 446.0, 1280.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [557.0, 441.0, 689.0, 813.0, 1.0], [770.0, 454.0, 853.0, 699.0, 1.0], [547.0, 449.0, 650.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [500.0, 469.0, 533.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 468.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [782.0, 441.0, 862.0, 661.0, 1.0], [1089.0, 453.0, 1120.0, 532.0, 1.0], [748.0, 453.0, 785.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [997.0, 454.0, 1020.0, 523.0, 1.0], [973.0, 474.0, 994.0, 517.0, 1.0], [784.0, 449.0, 816.0, 544.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "average_area": [30569.561223767876], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [3, 2]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "frame_count": 117, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2983], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.0593], [572.83, 442.87, 701.7900000000001, 831.75, 1.03], [534.0, 460.48, 555.974, 528.402, 0.54386]], "trackers": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 439.0, 772.0, 753.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 689.0, 815.0, 1.0], [772.0, 454.0, 857.0, 699.0, 1.0], [549.0, 449.0, 654.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [440.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [786.0, 442.0, 865.0, 661.0, 1.0], [1091.0, 452.0, 1121.0, 532.0, 1.0], [751.0, 452.0, 788.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [561.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 627.0, 528.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [996.0, 454.0, 1020.0, 523.0, 1.0], [972.0, 474.0, 993.0, 517.0, 1.0], [785.0, 449.0, 817.0, 544.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "average_area": [31312.951072800024], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "frame_count": 118, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1185], [772.68, 446.86, 857.4219999999999, 703.09, 1.2157], [572.83, 442.87, 701.7900000000001, 831.75, 0.96479], [532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "trackers": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [675.0, 439.0, 773.0, 754.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 690.0, 817.0, 1.0], [773.0, 454.0, 861.0, 699.0, 1.0], [551.0, 448.0, 658.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [439.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [789.0, 442.0, 868.0, 662.0, 1.0], [1092.0, 452.0, 1123.0, 532.0, 1.0], [754.0, 452.0, 791.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1019.0, 523.0, 1.0], [971.0, 474.0, 992.0, 517.0, 1.0], [785.0, 449.0, 817.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "average_area": [31360.703525707064], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "frame_count": 119, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.9918], [772.68, 446.86, 857.4219999999999, 703.09, 1.2894], [558.15, 418.86, 696.4399999999999, 835.72, 0.90277], [534.0, 460.48, 555.974, 528.402, 0.78249]], "trackers": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [676.0, 439.0, 774.0, 756.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1240.0, 446.0, 1278.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [559.0, 443.0, 690.0, 819.0, 1.0], [774.0, 454.0, 864.0, 699.0, 1.0], [553.0, 448.0, 661.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [438.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 634.0, 592.0, 1.0], [793.0, 443.0, 871.0, 662.0, 1.0], [1094.0, 452.0, 1125.0, 532.0, 1.0], [757.0, 452.0, 794.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1018.0, 524.0, 1.0], [971.0, 475.0, 992.0, 518.0, 1.0], [786.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "average_area": [30832.359653102012], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "frame_count": 120, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4015], [534.0, 460.48, 555.974, 528.402, 1.1785], [572.83, 442.87, 701.7900000000001, 831.75, 0.94435], [772.68, 446.86, 857.4219999999999, 703.09, 0.82951]], "trackers": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 439.0, 774.0, 757.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [560.0, 444.0, 691.0, 821.0, 1.0], [776.0, 454.0, 868.0, 699.0, 1.0], [555.0, 447.0, 665.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [436.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [442.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [797.0, 444.0, 874.0, 663.0, 1.0], [1096.0, 452.0, 1127.0, 532.0, 1.0], [760.0, 452.0, 797.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [994.0, 454.0, 1017.0, 524.0, 1.0], [969.0, 475.0, 990.0, 518.0, 1.0], [787.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "average_area": [31846.285434349862], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 121, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.427], [772.68, 446.86, 857.4219999999999, 703.09, 0.89581], [572.83, 442.87, 701.7900000000001, 831.75, 0.85301], [534.0, 460.48, 555.974, 528.402, 0.63865]], "trackers": [[678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368, 0.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 0.0], [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864, 0.0], [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 438.0, 775.0, 758.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 474.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1007.0, 445.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [937.0, 437.0, 979.0, 551.0, 1.0], [561.0, 445.0, 692.0, 823.0, 1.0], [777.0, 454.0, 872.0, 699.0, 1.0], [557.0, 447.0, 669.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [435.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [799.0, 444.0, 877.0, 663.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [763.0, 452.0, 800.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [993.0, 454.0, 1016.0, 524.0, 1.0], [968.0, 475.0, 989.0, 518.0, 1.0], [787.0, 449.0, 819.0, 542.0, 1.0], [551.0, 455.0, 573.0, 511.0, 1.0]], "average_area": [25108.921295621116], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 122, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1334], [583.04, 461.78, 703.3, 824.55, 1.0448], [772.68, 446.86, 857.4219999999999, 703.09, 0.7409], [549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "trackers": [[678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882, 0.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 0.0], [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789, 0.0], [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [678.0, 438.0, 776.0, 760.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1237.0, 446.0, 1275.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [938.0, 437.0, 980.0, 551.0, 1.0], [562.0, 443.0, 694.0, 824.0, 1.0], [779.0, 454.0, 876.0, 699.0, 1.0], [559.0, 447.0, 671.0, 762.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 572.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [434.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [802.0, 444.0, 881.0, 664.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [766.0, 452.0, 803.0, 573.0, 1.0], [575.0, 455.0, 595.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1016.0, 524.0, 1.0], [967.0, 475.0, 988.0, 518.0, 1.0], [788.0, 449.0, 820.0, 542.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "average_area": [24852.888538354382], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3}], "frame_count": 123, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]]}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.0445], [772.68, 446.86, 857.4219999999999, 703.09, 0.97225], [572.83, 442.87, 701.7900000000001, 831.75, 0.52897]], "trackers": [[678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123, 0.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 0.0], [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844, 0.0], [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [679.0, 438.0, 776.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1236.0, 446.0, 1274.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [939.0, 437.0, 981.0, 551.0, 1.0], [564.0, 442.0, 696.0, 825.0, 1.0], [780.0, 454.0, 877.0, 700.0, 1.0], [561.0, 447.0, 673.0, 767.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [498.0, 467.0, 531.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [433.0, 468.0, 479.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [805.0, 444.0, 885.0, 664.0, 1.0], [1099.0, 452.0, 1130.0, 533.0, 1.0], [769.0, 452.0, 806.0, 574.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 509.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1015.0, 524.0, 1.0], [966.0, 475.0, 987.0, 518.0, 1.0], [788.0, 449.0, 820.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "average_area": [23909.477853805794], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 4}], "frame_count": 124, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.8205], [572.83, 442.87, 701.7900000000001, 831.75, 0.88602], [772.68, 446.86, 857.4219999999999, 703.09, 0.49577], [532.85, 454.06, 556.4730000000001, 526.929, 0.49329]], "trackers": [[678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524, 0.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 0.0], [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399, 0.0], [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [680.0, 438.0, 777.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1235.0, 446.0, 1273.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [940.0, 437.0, 982.0, 551.0, 1.0], [565.0, 441.0, 698.0, 826.0, 1.0], [782.0, 454.0, 878.0, 701.0, 1.0], [563.0, 447.0, 675.0, 772.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [431.0, 467.0, 478.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [808.0, 444.0, 889.0, 665.0, 1.0], [1100.0, 452.0, 1131.0, 533.0, 1.0], [771.0, 452.0, 808.0, 573.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [991.0, 454.0, 1014.0, 524.0, 1.0], [965.0, 475.0, 986.0, 518.0, 1.0], [789.0, 449.0, 821.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "average_area": [24392.339542411268], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5}], "frame_count": 125, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[676.59, 444.35, 781.1500000000001, 760.03, 1.4804], [572.83, 442.87, 701.7900000000001, 831.75, 1.3733], [772.93, 442.1, 863.8259999999999, 716.79, 0.38434]], "trackers": [[678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126, 0.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 0.0], [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963, 0.0], [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775, 0.0], [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 438.0, 778.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1233.0, 446.0, 1271.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [941.0, 437.0, 984.0, 551.0, 1.0], [567.0, 440.0, 700.0, 827.0, 1.0], [784.0, 454.0, 879.0, 702.0, 1.0], [564.0, 447.0, 676.0, 773.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [429.0, 467.0, 477.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 635.0, 592.0, 1.0], [809.0, 443.0, 889.0, 665.0, 1.0], [1101.0, 452.0, 1132.0, 534.0, 1.0], [773.0, 452.0, 810.0, 572.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 731.0, 534.0, 0.0], [748.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [990.0, 454.0, 1013.0, 524.0, 1.0], [964.0, 475.0, 985.0, 518.0, 1.0], [790.0, 449.0, 821.0, 541.0, 1.0], [550.0, 455.0, 572.0, 510.0, 1.0]], "average_area": [24631.07530317627], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 6}], "frame_count": 126, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.656], [572.83, 442.87, 701.7900000000001, 831.75, 1.2945], [772.93, 442.1, 863.8259999999999, 716.79, 0.63393], [532.85, 454.06, 556.4730000000001, 526.929, 0.32398]], "trackers": [[678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102, 0.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 0.0], [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967, 0.0], [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174, 0.0], [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 437.0, 779.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 794.0, 570.0, 0.0], [1232.0, 446.0, 1270.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [943.0, 437.0, 985.0, 551.0, 1.0], [568.0, 439.0, 702.0, 828.0, 1.0], [785.0, 454.0, 880.0, 703.0, 1.0], [566.0, 447.0, 678.0, 774.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [496.0, 467.0, 529.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [427.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [811.0, 442.0, 890.0, 665.0, 1.0], [1102.0, 452.0, 1133.0, 534.0, 1.0], [776.0, 452.0, 813.0, 572.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 795.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 524.0, 1.0], [962.0, 475.0, 983.0, 518.0, 1.0], [790.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "average_area": [25130.236593565387], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7}], "frame_count": 127, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[679.82, 430.92, 791.96, 769.33, 1.6531], [572.83, 442.87, 701.7900000000001, 831.75, 1.0739], [789.83, 464.01, 874.572, 720.24, 0.84519]], "trackers": [[677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851, 0.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 0.0], [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397, 0.0], [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986, 0.0], [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [682.0, 437.0, 780.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1231.0, 446.0, 1269.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [944.0, 437.0, 986.0, 551.0, 1.0], [570.0, 437.0, 704.0, 829.0, 1.0], [787.0, 454.0, 881.0, 704.0, 1.0], [568.0, 447.0, 680.0, 776.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [426.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [812.0, 441.0, 891.0, 665.0, 1.0], [1103.0, 452.0, 1134.0, 535.0, 1.0], [778.0, 451.0, 815.0, 573.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 525.0, 1.0], [961.0, 475.0, 982.0, 518.0, 1.0], [791.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "average_area": [25304.652245139143], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 8}], "frame_count": 128, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[679.82, 430.92, 791.96, 769.33, 1.7355], [586.01, 418.86, 724.3, 835.72, 1.3452], [528.8, 454.91, 554.1899999999999, 533.08, 0.85193], [789.83, 464.01, 874.572, 720.24, 0.80701]], "trackers": [[680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392, 0.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 0.0], [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133, 0.0], [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703, 0.0], [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [683.0, 437.0, 781.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1229.0, 446.0, 1267.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [945.0, 437.0, 988.0, 551.0, 1.0], [571.0, 436.0, 706.0, 830.0, 1.0], [789.0, 454.0, 882.0, 706.0, 1.0], [570.0, 447.0, 681.0, 777.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [424.0, 466.0, 475.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [814.0, 440.0, 891.0, 665.0, 1.0], [1104.0, 452.0, 1135.0, 535.0, 1.0], [781.0, 451.0, 818.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [987.0, 453.0, 1010.0, 524.0, 1.0], [960.0, 475.0, 981.0, 518.0, 1.0], [792.0, 450.0, 823.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "average_area": [25585.883632352623], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 4], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "frame_count": 129, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[679.82, 408.29, 791.96, 746.7, 1.6871], [586.01, 418.86, 724.3, 835.72, 1.6054], [791.3, 442.1, 882.1959999999999, 716.79, 1.2186], [528.8, 449.63, 554.1899999999999, 527.8, 0.70275]], "trackers": [[681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631, 0.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 0.0], [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908, 0.0], [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217, 0.0], [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [684.0, 437.0, 782.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 571.0, 0.0], [1228.0, 446.0, 1266.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [946.0, 437.0, 989.0, 551.0, 1.0], [573.0, 435.0, 708.0, 831.0, 1.0], [791.0, 453.0, 883.0, 706.0, 1.0], [572.0, 447.0, 683.0, 779.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [422.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [815.0, 439.0, 892.0, 665.0, 1.0], [1105.0, 452.0, 1136.0, 536.0, 1.0], [784.0, 451.0, 820.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 511.0, 794.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [986.0, 453.0, 1009.0, 524.0, 1.0], [959.0, 475.0, 980.0, 518.0, 1.0], [792.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "average_area": [26691.787404530634], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "frame_count": 130, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[586.01, 418.86, 724.3, 835.72, 1.7746], [679.82, 430.92, 791.96, 769.33, 1.5898], [789.83, 464.01, 874.572, 720.24, 1.3308], [528.8, 454.91, 554.1899999999999, 533.08, 0.63853], [780.76, 338.9, 909.72, 727.78, 0.38443]], "trackers": [[681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961, 0.0], [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 0.0], [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187, 0.0], [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621, 0.0], [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 783.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1227.0, 446.0, 1265.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [947.0, 437.0, 990.0, 551.0, 1.0], [574.0, 434.0, 710.0, 832.0, 1.0], [793.0, 452.0, 884.0, 707.0, 1.0], [574.0, 447.0, 685.0, 780.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [420.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [817.0, 439.0, 893.0, 666.0, 1.0], [1106.0, 452.0, 1137.0, 536.0, 1.0], [787.0, 451.0, 823.0, 578.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [984.0, 453.0, 1007.0, 524.0, 1.0], [958.0, 475.0, 979.0, 518.0, 1.0], [793.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "average_area": [27522.416349693645], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 0], [2, 2], [3, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "frame_count": 131, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]]}, "detections": [[568.28, 419.0, 716.5699999999999, 865.86, 1.9706], [679.82, 430.92, 791.96, 769.33, 1.4157], [789.83, 446.86, 874.572, 703.09, 1.3797], [780.76, 338.9, 909.72, 727.78, 0.59085]], "trackers": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 784.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1226.0, 446.0, 1264.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 437.0, 992.0, 551.0, 1.0], [576.0, 433.0, 712.0, 833.0, 1.0], [795.0, 451.0, 886.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [418.0, 466.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [446.0, 458.0, 482.0, 542.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [820.0, 438.0, 896.0, 666.0, 1.0], [1107.0, 452.0, 1138.0, 537.0, 1.0], [787.0, 450.0, 826.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [983.0, 453.0, 1006.0, 524.0, 1.0], [957.0, 476.0, 978.0, 519.0, 1.0], [793.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "average_area": [27418.487938284845], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 0], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4, 1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 12}], "frame_count": 132, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]]}, "detections": [[568.28, 419.0, 716.5699999999999, 865.86, 1.8026], [791.3, 442.1, 882.1959999999999, 716.79, 1.7901], [679.82, 430.92, 791.96, 769.33, 1.5602], [780.76, 338.9, 909.72, 727.78, 0.34854], [532.85, 454.06, 556.4730000000001, 526.929, 0.30468]], "trackers": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [686.0, 437.0, 785.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1224.0, 446.0, 1262.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 712.0, 835.0, 1.0], [797.0, 451.0, 887.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [416.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [447.0, 457.0, 483.0, 541.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [824.0, 437.0, 899.0, 667.0, 1.0], [1108.0, 453.0, 1139.0, 538.0, 1.0], [788.0, 449.0, 829.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [981.0, 452.0, 1004.0, 523.0, 1.0], [956.0, 475.0, 977.0, 518.0, 1.0], [794.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "average_area": [28492.686209752963], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 0], [4, 4]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "frame_count": 133, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]]}, "detections": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6882], [679.82, 430.92, 791.96, 769.33, 1.5882], [586.01, 418.86, 724.3, 835.72, 1.5644], [532.85, 454.06, 556.4730000000001, 526.929, 0.65715], [780.76, 338.9, 909.72, 727.78, 0.3336]], "trackers": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [687.0, 437.0, 786.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1223.0, 446.0, 1261.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [950.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 713.0, 838.0, 1.0], [799.0, 450.0, 888.0, 709.0, 1.0], [576.0, 447.0, 687.0, 783.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 467.0, 527.0, 572.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [414.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [449.0, 457.0, 484.0, 541.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [828.0, 436.0, 903.0, 667.0, 1.0], [1108.0, 453.0, 1140.0, 538.0, 1.0], [789.0, 448.0, 832.0, 574.0, 1.0], [576.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [980.0, 452.0, 1003.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 538.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "average_area": [29257.66140513454], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [2, 3], [3, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14}], "frame_count": 134, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]]}, "detections": [[679.82, 430.92, 791.96, 769.33, 1.641], [568.28, 419.0, 716.5699999999999, 865.86, 1.5249], [789.83, 446.86, 874.572, 703.09, 1.2439]], "trackers": [[681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298, 0.0], [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 0.0], [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198, 0.0], [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157, 0.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [688.0, 437.0, 787.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1222.0, 446.0, 1260.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [951.0, 436.0, 992.0, 550.0, 1.0], [575.0, 434.0, 714.0, 841.0, 1.0], [801.0, 449.0, 890.0, 710.0, 1.0], [576.0, 447.0, 687.0, 784.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [491.0, 467.0, 526.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [412.0, 468.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [450.0, 457.0, 485.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [832.0, 435.0, 906.0, 668.0, 1.0], [1109.0, 453.0, 1141.0, 538.0, 1.0], [790.0, 447.0, 835.0, 573.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [978.0, 452.0, 1001.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 537.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "average_area": [28451.87853920746], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 15}], "frame_count": 135, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[680.04, 413.27, 800.3, 776.04, 1.9587], [586.01, 418.86, 724.3, 835.72, 1.2566], [806.97, 464.01, 891.712, 720.24, 0.73452], [529.4, 455.88, 551.374, 523.802, 0.50779]], "trackers": [[680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222, 0.0], [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 0.0], [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666, 0.0], [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177, 0.0], [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 437.0, 788.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1220.0, 446.0, 1258.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [952.0, 436.0, 992.0, 550.0, 1.0], [574.0, 434.0, 715.0, 843.0, 1.0], [803.0, 449.0, 891.0, 710.0, 1.0], [576.0, 447.0, 687.0, 785.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [489.0, 467.0, 525.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [411.0, 467.0, 471.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [452.0, 457.0, 486.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [836.0, 434.0, 910.0, 669.0, 1.0], [1110.0, 453.0, 1142.0, 539.0, 1.0], [791.0, 446.0, 838.0, 572.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [977.0, 452.0, 1000.0, 523.0, 1.0], [954.0, 475.0, 975.0, 518.0, 1.0], [796.0, 450.0, 827.0, 537.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "average_area": [28837.919879875284], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16}], "frame_count": 136, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[680.04, 413.27, 800.3, 776.04, 1.7791], [568.28, 419.0, 716.5699999999999, 865.86, 1.08], [791.3, 442.1, 882.1959999999999, 716.79, 0.99608]], "trackers": [[681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638, 0.0], [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 0.0], [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206, 0.0], [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471, 0.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 789.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1219.0, 446.0, 1257.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 550.0, 1.0], [574.0, 435.0, 716.0, 846.0, 1.0], [805.0, 448.0, 893.0, 711.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [488.0, 467.0, 524.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [410.0, 467.0, 470.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [454.0, 457.0, 487.0, 540.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [839.0, 435.0, 917.0, 670.0, 1.0], [1111.0, 453.0, 1143.0, 539.0, 1.0], [792.0, 446.0, 841.0, 571.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [975.0, 451.0, 998.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [796.0, 450.0, 828.0, 536.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "average_area": [28546.857119808334], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17}], "frame_count": 137, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[680.04, 413.27, 800.3, 776.04, 1.7954], [568.28, 419.0, 716.5699999999999, 865.86, 1.164], [791.3, 442.1, 882.1959999999999, 716.79, 1.0584]], "trackers": [[681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567, 0.0], [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 0.0], [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476, 0.0], [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271, 0.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 790.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1218.0, 446.0, 1256.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 549.0, 1.0], [574.0, 435.0, 716.0, 849.0, 1.0], [807.0, 447.0, 894.0, 712.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [486.0, 467.0, 523.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 469.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [455.0, 456.0, 488.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [843.0, 436.0, 924.0, 671.0, 1.0], [1111.0, 453.0, 1145.0, 540.0, 1.0], [798.0, 445.0, 845.0, 571.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [974.0, 451.0, 997.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [797.0, 450.0, 828.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "average_area": [29970.802604106546], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18}], "frame_count": 138, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[697.7, 444.35, 802.26, 760.03, 1.8948], [568.28, 419.0, 716.5699999999999, 865.86, 1.5985], [806.97, 464.01, 891.712, 720.24, 1.292]], "trackers": [[681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434, 0.0], [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 0.0], [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902, 0.0], [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562, 0.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [690.0, 436.0, 791.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 572.0, 0.0], [1216.0, 446.0, 1254.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [954.0, 436.0, 992.0, 549.0, 1.0], [573.0, 435.0, 717.0, 851.0, 1.0], [809.0, 447.0, 895.0, 712.0, 1.0], [577.0, 447.0, 688.0, 787.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [485.0, 467.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 468.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [457.0, 456.0, 489.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [846.0, 438.0, 931.0, 672.0, 1.0], [1112.0, 453.0, 1146.0, 540.0, 1.0], [804.0, 444.0, 849.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [972.0, 451.0, 995.0, 522.0, 1.0], [952.0, 475.0, 973.0, 518.0, 1.0], [798.0, 450.0, 829.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "average_area": [30512.140516251762], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19}], "frame_count": 139, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[702.45, 430.92, 814.59, 769.33, 1.832], [568.28, 419.0, 716.5699999999999, 865.86, 1.5532], [806.97, 446.86, 891.712, 703.09, 1.3744]], "trackers": [[692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213, 0.0], [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 0.0], [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615, 0.0], [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936, 0.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [692.0, 435.0, 797.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1215.0, 446.0, 1253.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [955.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 718.0, 854.0, 1.0], [811.0, 446.0, 897.0, 713.0, 1.0], [577.0, 447.0, 688.0, 788.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 468.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [408.0, 466.0, 467.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [458.0, 456.0, 490.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [850.0, 439.0, 938.0, 673.0, 1.0], [1113.0, 453.0, 1147.0, 541.0, 1.0], [811.0, 443.0, 853.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [971.0, 451.0, 994.0, 522.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [798.0, 450.0, 829.0, 535.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "average_area": [28964.331506648374], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20}], "frame_count": 140, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[702.45, 430.92, 814.59, 769.33, 2.0661], [598.82, 442.87, 727.7800000000001, 831.75, 1.6249], [809.68, 442.1, 900.5759999999999, 716.79, 0.596]], "trackers": [[701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958, 0.0], [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 0.0], [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659, 0.0], [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185, 0.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [694.0, 435.0, 803.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1214.0, 446.0, 1252.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [956.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 719.0, 857.0, 1.0], [813.0, 445.0, 898.0, 714.0, 1.0], [577.0, 447.0, 688.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 469.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [407.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [460.0, 456.0, 491.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [854.0, 441.0, 945.0, 675.0, 1.0], [1114.0, 453.0, 1148.0, 541.0, 1.0], [817.0, 442.0, 857.0, 573.0, 1.0], [577.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [586.0, 463.0, 607.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [969.0, 450.0, 992.0, 521.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [799.0, 450.0, 830.0, 535.0, 1.0], [547.0, 454.0, 568.0, 508.0, 1.0]], "average_area": [28993.610417058226], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21}], "frame_count": 141, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[702.45, 430.92, 814.59, 769.33, 2.17], [568.28, 419.0, 716.5699999999999, 865.86, 1.6928], [815.59, 385.67, 927.73, 724.08, 0.98866]], "trackers": [[703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266, 0.0], [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 0.0], [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707, 0.0], [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324, 0.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [697.0, 435.0, 809.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 475.0, 790.0, 573.0, 0.0], [1213.0, 446.0, 1251.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [573.0, 437.0, 720.0, 860.0, 1.0], [815.0, 445.0, 900.0, 715.0, 1.0], [578.0, 447.0, 689.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 470.0, 523.0, 573.0, 1.0], [499.0, 456.0, 533.0, 560.0, 1.0], [406.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [462.0, 456.0, 492.0, 538.0, 1.0], [594.0, 455.0, 639.0, 593.0, 1.0], [856.0, 440.0, 946.0, 675.0, 1.0], [1115.0, 453.0, 1150.0, 542.0, 1.0], [824.0, 442.0, 861.0, 574.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [585.0, 463.0, 606.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [968.0, 450.0, 991.0, 521.0, 1.0], [950.0, 475.0, 971.0, 518.0, 1.0], [800.0, 451.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "average_area": [27361.042019642093], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "frame_count": 142, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[702.45, 430.92, 814.59, 769.33, 1.9123], [586.01, 446.72, 724.3, 863.58, 1.8983], [808.63, 434.36, 906.122, 728.83, 1.1672], [529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "trackers": [[704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845, 0.0], [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171, 0.0], [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [699.0, 435.0, 815.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1211.0, 446.0, 1249.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [571.0, 437.0, 717.0, 863.0, 1.0], [816.0, 445.0, 901.0, 716.0, 1.0], [580.0, 447.0, 694.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [482.0, 469.0, 522.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [405.0, 466.0, 465.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [463.0, 456.0, 493.0, 538.0, 1.0], [593.0, 455.0, 637.0, 593.0, 1.0], [858.0, 440.0, 947.0, 675.0, 1.0], [1116.0, 453.0, 1151.0, 542.0, 1.0], [824.0, 442.0, 863.0, 572.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [526.0, 456.0, 556.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [966.0, 450.0, 989.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 452.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "average_area": [44674.98279258076], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "frame_count": 143, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]]}, "detections": [[697.7, 444.35, 802.26, 760.03, 2.0486], [586.01, 446.72, 724.3, 863.58, 1.605], [809.68, 442.1, 900.5759999999999, 716.79, 0.90793], [524.81, 455.88, 546.784, 523.802, 0.66566]], "trackers": [[705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917, 0.0], [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792, 0.0], [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [701.0, 435.0, 821.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1210.0, 446.0, 1248.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [569.0, 437.0, 715.0, 866.0, 1.0], [818.0, 446.0, 903.0, 717.0, 1.0], [582.0, 447.0, 700.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [481.0, 468.0, 521.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [404.0, 466.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [464.0, 456.0, 494.0, 538.0, 1.0], [592.0, 455.0, 636.0, 594.0, 1.0], [860.0, 439.0, 948.0, 675.0, 1.0], [1117.0, 453.0, 1152.0, 542.0, 1.0], [824.0, 442.0, 865.0, 571.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [965.0, 450.0, 988.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 453.0, 832.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "average_area": [42839.50854320139], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "frame_count": 144, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]]}, "detections": [[702.45, 430.92, 814.59, 769.33, 1.9577], [568.28, 419.0, 716.5699999999999, 865.86, 1.6372], [808.63, 434.36, 906.122, 728.83, 1.1255], [673.0, 321.0, 832.0, 800.0, 0.44092]], "trackers": [[701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953, 0.0], [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568, 0.0], [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [704.0, 435.0, 828.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1209.0, 446.0, 1247.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [567.0, 437.0, 713.0, 869.0, 1.0], [820.0, 447.0, 905.0, 719.0, 1.0], [584.0, 447.0, 706.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [480.0, 468.0, 520.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [403.0, 467.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [465.0, 456.0, 495.0, 538.0, 1.0], [591.0, 455.0, 635.0, 594.0, 1.0], [862.0, 439.0, 949.0, 676.0, 1.0], [1118.0, 453.0, 1153.0, 542.0, 1.0], [824.0, 442.0, 868.0, 570.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 513.0, 790.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 454.0, 832.0, 535.0, 1.0], [546.0, 454.0, 567.0, 508.0, 1.0]], "average_area": [40305.19371358487], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "frame_count": 145, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]]}, "detections": [[586.01, 446.72, 724.3, 863.58, 2.1741], [702.45, 430.92, 814.59, 769.33, 2.0275], [808.63, 434.36, 906.122, 728.83, 1.0744], [524.81, 455.88, 546.784, 523.802, 0.52751]], "trackers": [[703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684, 0.0], [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444, 0.0], [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [705.0, 434.0, 830.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 789.0, 574.0, 0.0], [1207.0, 446.0, 1245.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [565.0, 437.0, 711.0, 872.0, 1.0], [822.0, 448.0, 907.0, 720.0, 1.0], [587.0, 447.0, 712.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [479.0, 467.0, 519.0, 573.0, 1.0], [499.0, 455.0, 534.0, 560.0, 1.0], [402.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [466.0, 456.0, 496.0, 539.0, 1.0], [590.0, 455.0, 634.0, 595.0, 1.0], [864.0, 438.0, 950.0, 676.0, 1.0], [1119.0, 453.0, 1155.0, 543.0, 1.0], [824.0, 442.0, 870.0, 569.0, 1.0], [579.0, 456.0, 599.0, 517.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 456.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "average_area": [42995.54322102978], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "frame_count": 146, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]]}, "detections": [[586.01, 446.72, 724.3, 863.58, 2.1114], [702.45, 430.92, 814.59, 769.33, 1.7439], [808.63, 434.36, 906.122, 728.83, 0.52021], [1209.6, 449.36, 1241.09, 545.83, 0.31801]], "trackers": [[704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186, 0.0], [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897, 0.0], [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [706.0, 434.0, 833.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1206.0, 446.0, 1244.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [563.0, 437.0, 709.0, 875.0, 1.0], [824.0, 449.0, 909.0, 722.0, 1.0], [589.0, 447.0, 713.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [478.0, 467.0, 519.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [467.0, 457.0, 497.0, 539.0, 1.0], [589.0, 455.0, 633.0, 595.0, 1.0], [866.0, 438.0, 951.0, 676.0, 1.0], [1120.0, 453.0, 1156.0, 543.0, 1.0], [825.0, 442.0, 873.0, 568.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [582.0, 463.0, 603.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [947.0, 475.0, 968.0, 518.0, 1.0], [797.0, 457.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "average_area": [42189.70037304218], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "frame_count": 147, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]]}, "detections": [[586.01, 446.72, 724.3, 863.58, 1.8213], [697.7, 444.35, 802.26, 760.03, 1.5071], [1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683], [824.12, 464.01, 908.862, 720.24, 0.3366]], "trackers": [[704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491, 0.0], [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833, 0.0], [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [707.0, 434.0, 835.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1205.0, 446.0, 1243.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [561.0, 437.0, 707.0, 878.0, 1.0], [825.0, 449.0, 910.0, 723.0, 1.0], [591.0, 447.0, 715.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [477.0, 466.0, 517.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [468.0, 457.0, 498.0, 539.0, 1.0], [588.0, 455.0, 632.0, 596.0, 1.0], [868.0, 437.0, 952.0, 677.0, 1.0], [1121.0, 453.0, 1157.0, 543.0, 1.0], [825.0, 442.0, 876.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [523.0, 456.0, 553.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [946.0, 475.0, 967.0, 518.0, 1.0], [797.0, 458.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "average_area": [41879.3692563351], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [5, 1]], "ret_unmatched_detections": [2, 3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "frame_count": 148, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]]}, "detections": [[702.45, 430.92, 814.59, 769.33, 1.8184], [586.01, 446.72, 724.3, 863.58, 1.3437], [1209.6, 449.36, 1241.09, 545.83, 0.50404], [717.57, 329.43, 865.86, 776.29, 0.42003], [498.3, 446.86, 540.171, 574.47, 0.39774]], "trackers": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [709.0, 434.0, 838.0, 767.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1203.0, 446.0, 1241.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 994.0, 550.0, 1.0], [559.0, 437.0, 705.0, 881.0, 1.0], [827.0, 450.0, 912.0, 724.0, 1.0], [593.0, 447.0, 717.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [476.0, 466.0, 516.0, 574.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [400.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [469.0, 457.0, 499.0, 540.0, 1.0], [587.0, 455.0, 631.0, 596.0, 1.0], [870.0, 437.0, 953.0, 677.0, 1.0], [1122.0, 453.0, 1158.0, 543.0, 1.0], [825.0, 442.0, 880.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [922.0, 441.0, 951.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 522.0, 1.0], [945.0, 475.0, 966.0, 518.0, 1.0], [797.0, 459.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "average_area": [39239.14569611801], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2]], "ret_unmatched_detections": [2, 4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "frame_count": 149, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]]}, "detections": [[702.45, 430.92, 814.59, 769.33, 2.2993], [586.01, 446.72, 724.3, 863.58, 1.2862], [824.12, 464.01, 908.862, 720.24, 0.6211], [717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "trackers": [[702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652, 0.0], [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761, 0.0], [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [711.0, 434.0, 837.0, 768.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1202.0, 446.0, 1240.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [557.0, 437.0, 703.0, 884.0, 1.0], [829.0, 451.0, 914.0, 726.0, 1.0], [595.0, 447.0, 718.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [475.0, 465.0, 514.0, 574.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [400.0, 468.0, 462.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [470.0, 457.0, 500.0, 540.0, 1.0], [586.0, 455.0, 630.0, 597.0, 1.0], [872.0, 436.0, 954.0, 677.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [826.0, 442.0, 884.0, 571.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 788.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [923.0, 441.0, 952.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [944.0, 475.0, 965.0, 518.0, 1.0], [796.0, 461.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [39836.0147023516], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "frame_count": 150, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]]}, "detections": [[702.45, 430.92, 814.59, 769.33, 2.3383], [568.28, 419.0, 716.5699999999999, 865.86, 1.1633], [824.12, 464.01, 908.862, 720.24, 0.61406], [705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "trackers": [[703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802, 0.0], [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342, 0.0], [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [713.0, 435.0, 837.0, 770.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1201.0, 446.0, 1239.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [555.0, 437.0, 701.0, 887.0, 1.0], [831.0, 452.0, 916.0, 727.0, 1.0], [597.0, 447.0, 720.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 513.0, 575.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [399.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 457.0, 501.0, 540.0, 1.0], [585.0, 455.0, 629.0, 597.0, 1.0], [875.0, 436.0, 956.0, 678.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [831.0, 442.0, 886.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [924.0, 441.0, 953.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [943.0, 475.0, 964.0, 518.0, 1.0], [796.0, 462.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [39378.71188770526], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "frame_count": 151, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]]}, "detections": [[704.29, 413.27, 824.55, 776.04, 2.3087], [568.28, 419.0, 716.5699999999999, 865.86, 1.1672], [498.3, 446.86, 540.171, 574.47, 0.70425], [824.12, 464.01, 908.862, 720.24, 0.44855]], "trackers": [[703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245, 0.0], [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869, 0.0], [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [715.0, 436.0, 836.0, 771.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1200.0, 447.0, 1238.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [553.0, 438.0, 699.0, 891.0, 1.0], [833.0, 453.0, 918.0, 729.0, 1.0], [600.0, 448.0, 722.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 512.0, 576.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [472.0, 458.0, 503.0, 541.0, 1.0], [584.0, 456.0, 628.0, 598.0, 1.0], [879.0, 435.0, 957.0, 678.0, 1.0], [1125.0, 454.0, 1160.0, 544.0, 1.0], [836.0, 442.0, 889.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 520.0, 739.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 954.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [795.0, 463.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [41126.6642030188], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [3, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "frame_count": 152, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]]}, "detections": [[725.08, 430.92, 837.22, 769.33, 2.3727], [568.28, 419.0, 716.5699999999999, 865.86, 1.5027], [497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.30216]], "trackers": [[705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008, 0.0], [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879, 0.0], [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [717.0, 437.0, 836.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1198.0, 447.0, 1236.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [551.0, 436.0, 698.0, 890.0, 1.0], [834.0, 452.0, 919.0, 729.0, 1.0], [602.0, 448.0, 724.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 511.0, 575.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [884.0, 435.0, 959.0, 679.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [842.0, 442.0, 891.0, 568.0, 1.0], [580.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 525.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 955.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 522.0, 1.0], [795.0, 464.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [42985.86866180526], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [5, 1]], "ret_unmatched_detections": [2, 3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "frame_count": 153, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]]}, "detections": [[725.08, 430.92, 837.22, 769.33, 2.6483], [568.28, 419.0, 716.5699999999999, 865.86, 1.2975], [497.0, 449.0, 536.0, 568.0, 1.118], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.78746], [705.0, 321.0, 864.0, 800.0, 0.48164]], "trackers": [[720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021, 0.0], [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336, 0.0], [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [719.0, 436.0, 837.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1197.0, 447.0, 1235.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [549.0, 434.0, 698.0, 890.0, 1.0], [835.0, 451.0, 920.0, 729.0, 1.0], [604.0, 448.0, 726.0, 791.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 510.0, 574.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [889.0, 435.0, 961.0, 680.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [847.0, 442.0, 894.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [926.0, 441.0, 956.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [43192.34384876516], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [3, 1]], "ret_unmatched_detections": [2, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 154, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]]}, "detections": [[725.08, 430.92, 837.22, 769.33, 2.5081], [568.28, 419.0, 716.5699999999999, 865.86, 1.0154], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.81309], [497.0, 449.0, 536.0, 568.0, 0.61256], [892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "trackers": [[725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652, 0.0], [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429, 0.0], [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [721.0, 436.0, 838.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 575.0, 0.0], [1196.0, 447.0, 1234.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [547.0, 433.0, 698.0, 890.0, 1.0], [836.0, 450.0, 921.0, 729.0, 1.0], [607.0, 448.0, 728.0, 792.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 509.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 598.0, 1.0], [893.0, 435.0, 963.0, 681.0, 1.0], [1127.0, 455.0, 1161.0, 545.0, 1.0], [853.0, 442.0, 896.0, 566.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [927.0, 441.0, 957.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [33611.445346253226], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 155, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]]}, "detections": [[728.54, 413.27, 848.8, 776.04, 2.8972], [549.75, 412.56, 720.23, 926.01, 1.3527], [892.72, 429.71, 977.462, 685.94, 1.0319], [505.0, 449.0, 544.0, 568.0, 0.48652]], "trackers": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [723.0, 436.0, 840.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1194.0, 447.0, 1232.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [546.0, 431.0, 698.0, 890.0, 1.0], [837.0, 450.0, 922.0, 730.0, 1.0], [609.0, 448.0, 731.0, 793.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 508.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [898.0, 435.0, 965.0, 682.0, 1.0], [1128.0, 456.0, 1162.0, 546.0, 1.0], [858.0, 442.0, 899.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [928.0, 441.0, 958.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [33631.30541697515], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [3, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 156, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]]}, "detections": [[728.54, 413.27, 848.8, 776.04, 3.1365], [568.28, 419.0, 716.5699999999999, 865.86, 1.2443], [892.72, 429.71, 977.462, 685.94, 0.70477], [828.33, 454.06, 925.822, 748.53, 0.43201]], "trackers": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [725.0, 436.0, 841.0, 775.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1193.0, 447.0, 1231.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [544.0, 430.0, 698.0, 890.0, 1.0], [839.0, 449.0, 923.0, 730.0, 1.0], [612.0, 448.0, 733.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 507.0, 573.0, 1.0], [502.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [903.0, 435.0, 967.0, 683.0, 1.0], [1129.0, 455.0, 1162.0, 545.0, 1.0], [864.0, 442.0, 902.0, 564.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 516.0, 787.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [929.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "average_area": [37881.73192474145], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [3, 1]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 157, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[728.54, 413.27, 848.8, 776.04, 2.8463], [568.28, 419.0, 716.5699999999999, 865.86, 1.3938], [828.33, 454.06, 925.822, 748.53, 0.64172], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548], [892.72, 429.71, 977.462, 685.94, 0.35279], [1009.1, 449.63, 1034.49, 527.8, 0.31112]], "trackers": [[731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811, 0.0], [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597, 0.0], [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169, 0.0], [511.1055259276069, 449.0, 550.1055259276069, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [728.0, 436.0, 843.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1192.0, 447.0, 1230.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 997.0, 551.0, 1.0], [542.0, 428.0, 698.0, 890.0, 1.0], [840.0, 448.0, 924.0, 730.0, 1.0], [614.0, 448.0, 735.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 506.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 599.0, 1.0], [905.0, 436.0, 973.0, 684.0, 1.0], [1130.0, 455.0, 1163.0, 545.0, 1.0], [866.0, 442.0, 905.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [520.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [33817.91732965426], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [4, 4]], "ret_unmatched_detections": [5, 3], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 158, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]]}, "detections": [[728.54, 413.27, 848.8, 776.04, 3.0189], [568.28, 419.0, 716.5699999999999, 865.86, 1.3543], [824.37, 444.35, 928.9300000000001, 760.03, 0.77193], [892.72, 429.71, 977.462, 685.94, 0.50526]], "trackers": [[732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031, 0.0], [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711, 0.0], [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207, 0.0], [514.7483263360944, 449.0, 553.7483263360944, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [731.0, 435.0, 845.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 787.0, 576.0, 0.0], [1190.0, 447.0, 1228.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [541.0, 426.0, 698.0, 890.0, 1.0], [841.0, 448.0, 925.0, 731.0, 1.0], [616.0, 448.0, 738.0, 795.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 600.0, 1.0], [908.0, 437.0, 979.0, 686.0, 1.0], [1131.0, 455.0, 1164.0, 544.0, 1.0], [869.0, 442.0, 908.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 960.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [33418.17337668268], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 159, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[728.54, 413.27, 848.8, 776.04, 2.8282], [568.28, 419.0, 716.5699999999999, 865.86, 1.3755], [824.37, 444.35, 928.9300000000001, 760.03, 0.79445], [721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "trackers": [[731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606, 0.0], [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242, 0.0], [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187, 0.0], [518.3911267445818, 449.0, 557.3911267445818, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [735.0, 435.0, 848.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 576.0, 0.0], [1189.0, 447.0, 1227.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [539.0, 425.0, 698.0, 890.0, 1.0], [842.0, 447.0, 926.0, 731.0, 1.0], [619.0, 448.0, 740.0, 796.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [911.0, 438.0, 985.0, 688.0, 1.0], [1132.0, 454.0, 1165.0, 544.0, 1.0], [872.0, 442.0, 912.0, 569.0, 1.0], [581.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 786.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [931.0, 441.0, 961.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [33808.022337685776], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4, 3], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "frame_count": 160, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]]}, "detections": [[747.7, 430.92, 859.84, 769.33, 2.6498], [568.28, 419.0, 716.5699999999999, 865.86, 1.4716], [737.0, 321.0, 896.0, 800.0, 0.99212]], "trackers": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [738.0, 435.0, 850.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 577.0, 0.0], [1188.0, 447.0, 1226.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [537.0, 423.0, 698.0, 890.0, 1.0], [843.0, 446.0, 927.0, 731.0, 1.0], [621.0, 448.0, 742.0, 797.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 504.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [913.0, 438.0, 989.0, 689.0, 1.0], [1133.0, 454.0, 1166.0, 543.0, 1.0], [875.0, 441.0, 914.0, 568.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [932.0, 441.0, 962.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [41281.263769303965], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 5}], "frame_count": 161, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.7, 430.92, 859.84, 769.33, 2.5077], [568.28, 419.0, 716.5699999999999, 865.86, 1.4576], [721.23, 309.67, 891.71, 823.1200000000001, 0.91851], [848.03, 454.06, 945.5219999999999, 748.53, 0.41935]], "trackers": [[744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795, 0.0], [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232, 0.0], [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [742.0, 435.0, 853.0, 778.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 476.0, 786.0, 577.0, 0.0], [1187.0, 448.0, 1225.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 698.0, 890.0, 1.0], [845.0, 446.0, 929.0, 732.0, 1.0], [624.0, 448.0, 745.0, 798.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 457.0, 624.0, 601.0, 1.0], [915.0, 439.0, 993.0, 690.0, 1.0], [1135.0, 454.0, 1167.0, 543.0, 1.0], [878.0, 441.0, 917.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [933.0, 441.0, 963.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [47291.54974416134], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "frame_count": 162, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.7, 430.92, 859.84, 769.33, 2.5089], [549.75, 412.56, 720.23, 926.01, 1.4718], [721.23, 309.67, 891.71, 823.1200000000001, 1.0362], [848.03, 434.36, 945.5219999999999, 728.83, 0.56652]], "trackers": [[749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198, 0.0], [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155, 0.0], [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089, 0.0], [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [744.0, 435.0, 855.0, 779.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 786.0, 577.0, 0.0], [1185.0, 448.0, 1223.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 704.0, 891.0, 1.0], [847.0, 446.0, 938.0, 732.0, 1.0], [626.0, 447.0, 746.0, 799.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 574.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [918.0, 440.0, 998.0, 692.0, 1.0], [1136.0, 454.0, 1168.0, 543.0, 1.0], [881.0, 441.0, 920.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 964.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [53373.56236835373], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "frame_count": 163, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.7, 430.92, 859.84, 769.33, 2.3595], [568.28, 448.86, 716.5699999999999, 895.72, 1.289], [737.0, 321.0, 896.0, 800.0, 1.2641], [848.03, 454.06, 945.5219999999999, 748.53, 1.0195], [655.79, 437.53, 776.05, 800.3, 0.75404]], "trackers": [[750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685, 0.0], [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208, 0.0], [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352, 0.0], [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [746.0, 435.0, 858.0, 780.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1184.0, 448.0, 1222.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 710.0, 892.0, 1.0], [850.0, 446.0, 947.0, 732.0, 1.0], [628.0, 447.0, 747.0, 800.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [920.0, 439.0, 998.0, 692.0, 1.0], [1137.0, 454.0, 1169.0, 543.0, 1.0], [885.0, 441.0, 922.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 965.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [58446.199813166924], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "frame_count": 164, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]]}, "detections": [[752.8, 413.27, 873.06, 776.04, 2.5763], [848.03, 454.06, 945.5219999999999, 748.53, 1.4135], [549.75, 412.56, 720.23, 926.01, 1.3902], [721.23, 309.67, 891.71, 823.1200000000001, 1.2316]], "trackers": [[751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191, 0.0], [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526, 0.0], [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909, 0.0], [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [748.0, 435.0, 860.0, 781.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1182.0, 448.0, 1220.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 716.0, 893.0, 1.0], [853.0, 446.0, 956.0, 733.0, 1.0], [630.0, 447.0, 749.0, 801.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [400.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 623.0, 601.0, 1.0], [923.0, 438.0, 999.0, 692.0, 1.0], [1138.0, 454.0, 1170.0, 543.0, 1.0], [888.0, 441.0, 925.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 784.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [935.0, 441.0, 966.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "average_area": [55166.8799378126], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "frame_count": 165, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[752.8, 413.27, 873.06, 776.04, 2.4024], [549.75, 412.56, 720.23, 926.01, 1.2132], [721.23, 309.67, 891.71, 823.1200000000001, 1.1409], [848.03, 454.06, 945.5219999999999, 748.53, 0.93789]], "trackers": [[755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082, 0.0], [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981, 0.0], [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765, 0.0], [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [750.0, 435.0, 863.0, 782.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1181.0, 448.0, 1219.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 723.0, 894.0, 1.0], [856.0, 446.0, 965.0, 733.0, 1.0], [633.0, 447.0, 750.0, 802.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [401.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [926.0, 437.0, 999.0, 692.0, 1.0], [1139.0, 454.0, 1171.0, 543.0, 1.0], [891.0, 441.0, 928.0, 565.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 517.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [936.0, 441.0, 967.0, 537.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [59937.65651221584], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "frame_count": 166, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[754.77, 416.87, 883.73, 805.75, 3.0699], [549.75, 412.56, 720.23, 926.01, 1.7467], [848.03, 454.06, 945.5219999999999, 748.53, 1.0041], [687.71, 359.28, 836.0, 806.14, 0.42208]], "trackers": [[756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953, 0.0], [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517, 0.0], [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341, 0.0], [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [752.0, 435.0, 865.0, 783.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1179.0, 448.0, 1217.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 729.0, 895.0, 1.0], [859.0, 446.0, 974.0, 734.0, 1.0], [635.0, 447.0, 752.0, 803.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [402.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [929.0, 437.0, 1000.0, 693.0, 1.0], [1140.0, 455.0, 1172.0, 544.0, 1.0], [895.0, 441.0, 931.0, 565.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 457.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [937.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [61728.306325799946], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "frame_count": 167, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[754.77, 416.87, 883.73, 805.75, 2.8135], [549.75, 412.56, 720.23, 926.01, 1.7267], [848.03, 434.36, 945.5219999999999, 728.83, 1.0679], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "trackers": [[758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214, 0.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 0.0], [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751, 0.0], [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [754.0, 435.0, 868.0, 784.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1178.0, 448.0, 1216.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 735.0, 896.0, 1.0], [861.0, 446.0, 979.0, 734.0, 1.0], [637.0, 447.0, 753.0, 805.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [403.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 622.0, 601.0, 1.0], [931.0, 436.0, 1003.0, 693.0, 1.0], [1141.0, 455.0, 1173.0, 544.0, 1.0], [898.0, 441.0, 935.0, 567.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [938.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [60046.85728109523], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "frame_count": 168, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]]}, "detections": [[752.8, 413.27, 873.06, 776.04, 2.7363], [549.75, 412.56, 720.23, 926.01, 1.5532], [846.44, 460.48, 937.336, 735.1700000000001, 1.1447], [721.23, 309.67, 891.71, 823.1200000000001, 0.9202]], "trackers": [[758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065, 0.0], [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606, 0.0], [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455, 0.0], [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [756.0, 435.0, 870.0, 785.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1176.0, 448.0, 1214.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 742.0, 897.0, 1.0], [863.0, 446.0, 984.0, 735.0, 1.0], [639.0, 447.0, 755.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [404.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 621.0, 601.0, 1.0], [933.0, 435.0, 1006.0, 694.0, 1.0], [1142.0, 455.0, 1174.0, 544.0, 1.0], [902.0, 441.0, 939.0, 570.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 969.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [60685.4248956237], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "frame_count": 169, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[754.77, 416.87, 883.73, 805.75, 2.3855], [549.75, 412.56, 720.23, 926.01, 1.5616], [864.82, 460.48, 955.716, 735.1700000000001, 1.1921]], "trackers": [[756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744, 0.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 0.0], [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491, 0.0], [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [759.0, 436.0, 873.0, 787.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1175.0, 448.0, 1213.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 748.0, 898.0, 1.0], [866.0, 446.0, 990.0, 736.0, 1.0], [642.0, 447.0, 756.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [405.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [936.0, 434.0, 1010.0, 695.0, 1.0], [1143.0, 455.0, 1175.0, 544.0, 1.0], [906.0, 441.0, 943.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 970.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [61525.851928130054], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "frame_count": 170, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[752.8, 413.27, 873.06, 776.04, 2.2496], [549.75, 412.56, 720.23, 926.01, 1.3603], [848.03, 454.06, 945.5219999999999, 748.53, 1.2788], [721.23, 309.67, 891.71, 823.1200000000001, 0.59096]], "trackers": [[757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274, 0.0], [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752, 0.0], [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478, 0.0], [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [760.0, 436.0, 875.0, 788.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 578.0, 0.0], [1173.0, 448.0, 1211.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [965.0, 439.0, 1001.0, 552.0, 1.0], [536.0, 422.0, 754.0, 899.0, 1.0], [868.0, 445.0, 991.0, 737.0, 1.0], [644.0, 447.0, 758.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [406.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [938.0, 433.0, 1014.0, 695.0, 1.0], [1144.0, 455.0, 1176.0, 544.0, 1.0], [907.0, 441.0, 944.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [940.0, 441.0, 971.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [62036.0651173646], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "frame_count": 171, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[752.8, 437.53, 873.06, 800.3, 2.0438], [864.82, 460.48, 955.716, 735.1700000000001, 1.7094], [577.0, 417.0, 736.0, 896.0, 1.2062], [858.74, 364.89, 987.7, 753.77, 0.6961], [755.53, 309.67, 926.01, 823.1200000000001, 0.52537]], "trackers": [[756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711, 0.0], [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468, 0.0], [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692, 0.0], [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [762.0, 437.0, 878.0, 789.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 579.0, 0.0], [1172.0, 448.0, 1210.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [536.0, 422.0, 761.0, 901.0, 1.0], [870.0, 445.0, 992.0, 738.0, 1.0], [646.0, 447.0, 759.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [407.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 458.0, 621.0, 601.0, 1.0], [941.0, 433.0, 1018.0, 696.0, 1.0], [1146.0, 456.0, 1178.0, 545.0, 1.0], [909.0, 441.0, 946.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 783.0, 601.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [941.0, 442.0, 972.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 455.0, 978.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [62363.17126778268], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [4, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "frame_count": 172, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]]}, "detections": [[754.77, 416.87, 883.73, 805.75, 1.7248], [867.73, 454.06, 965.222, 748.53, 1.5477], [584.04, 412.56, 754.52, 926.01, 1.3358], [938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "trackers": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [764.0, 437.0, 880.0, 791.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1171.0, 448.0, 1209.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [540.0, 422.0, 762.0, 902.0, 1.0], [872.0, 445.0, 993.0, 739.0, 1.0], [649.0, 447.0, 761.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [470.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [944.0, 433.0, 1022.0, 696.0, 1.0], [1147.0, 455.0, 1179.0, 544.0, 1.0], [911.0, 441.0, 948.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [942.0, 442.0, 973.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [954.0, 455.0, 977.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "average_area": [59957.54060417393], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "frame_count": 173, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]]}, "detections": [[754.77, 416.87, 883.73, 805.75, 1.5665], [866.6, 444.35, 971.1600000000001, 760.03, 1.3802], [584.04, 412.56, 754.52, 926.01, 1.172], [505.0, 449.0, 544.0, 568.0, 0.51051], [938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819]], "trackers": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [766.0, 438.0, 883.0, 792.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1169.0, 448.0, 1207.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [544.0, 422.0, 763.0, 903.0, 1.0], [875.0, 445.0, 995.0, 741.0, 1.0], [649.0, 447.0, 762.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [947.0, 433.0, 1027.0, 697.0, 1.0], [1148.0, 455.0, 1180.0, 544.0, 1.0], [913.0, 441.0, 950.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 974.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [62483.30821791463], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [4, 5, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "frame_count": 174, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]]}, "detections": [[754.77, 416.87, 883.73, 805.75, 1.8469], [584.04, 412.56, 754.52, 926.01, 1.0491], [867.73, 454.06, 965.222, 748.53, 1.0483], [884.73, 364.89, 1013.69, 753.77, 0.68576], [505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "trackers": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [768.0, 438.0, 885.0, 793.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1168.0, 448.0, 1206.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [549.0, 422.0, 765.0, 904.0, 1.0], [877.0, 445.0, 996.0, 742.0, 1.0], [649.0, 447.0, 764.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [410.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [949.0, 433.0, 1034.0, 697.0, 1.0], [1149.0, 455.0, 1181.0, 544.0, 1.0], [916.0, 441.0, 953.0, 570.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 975.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [64174.110696734395], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 1]], "ret_unmatched_detections": [4, 5, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "frame_count": 175, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]]}, "detections": [[770.33, 430.92, 882.47, 769.33, 1.67], [887.71, 444.35, 992.27, 760.03, 1.2513], [584.04, 412.56, 754.52, 926.01, 1.1142], [737.0, 353.0, 896.0, 832.0, 0.40197], [464.01, 455.43, 505.881, 583.04, 0.34395]], "trackers": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [770.0, 439.0, 888.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1166.0, 448.0, 1204.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1002.0, 553.0, 1.0], [553.0, 422.0, 766.0, 906.0, 1.0], [879.0, 445.0, 997.0, 743.0, 1.0], [649.0, 447.0, 766.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [468.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [951.0, 433.0, 1042.0, 698.0, 1.0], [1150.0, 455.0, 1182.0, 544.0, 1.0], [920.0, 441.0, 956.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [944.0, 442.0, 976.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 975.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [56511.03043192209], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "frame_count": 176, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]]}, "detections": [[770.33, 430.92, 882.47, 769.33, 1.9065], [584.04, 412.56, 754.52, 926.01, 1.6488], [887.71, 444.35, 992.27, 760.03, 1.6257], [513.0, 449.0, 552.0, 568.0, 0.37197]], "trackers": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [772.0, 438.0, 887.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 580.0, 0.0], [1165.0, 448.0, 1203.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [558.0, 422.0, 768.0, 907.0, 1.0], [882.0, 445.0, 999.0, 745.0, 1.0], [649.0, 447.0, 768.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [954.0, 433.0, 1049.0, 698.0, 1.0], [1151.0, 455.0, 1183.0, 544.0, 1.0], [924.0, 441.0, 960.0, 564.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [516.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [945.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [55229.5371756217], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "frame_count": 177, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]]}, "detections": [[770.33, 430.92, 882.47, 769.33, 1.8368], [584.04, 412.56, 754.52, 926.01, 1.5457], [887.71, 444.35, 992.27, 760.03, 1.4458], [505.0, 449.0, 544.0, 568.0, 0.39243]], "trackers": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [774.0, 438.0, 886.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 782.0, 580.0, 0.0], [1163.0, 448.0, 1201.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [562.0, 422.0, 769.0, 908.0, 1.0], [886.0, 444.0, 1000.0, 745.0, 1.0], [649.0, 447.0, 770.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [956.0, 433.0, 1057.0, 699.0, 1.0], [1152.0, 454.0, 1184.0, 544.0, 1.0], [926.0, 441.0, 962.0, 565.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [946.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [54724.16330952654], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 3, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "frame_count": 178, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]]}, "detections": [[777.05, 437.53, 897.31, 800.3, 1.4249], [887.71, 444.35, 992.27, 760.03, 1.2823], [589.13, 405.34, 771.92, 955.72, 1.1314], [922.56, 389.02, 1042.82, 751.79, 0.32574]], "trackers": [[772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188, 0.0], [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881, 0.0], [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857, 0.0], [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [777.0, 437.0, 885.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1162.0, 448.0, 1200.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [968.0, 440.0, 1003.0, 553.0, 1.0], [566.0, 422.0, 770.0, 910.0, 1.0], [891.0, 444.0, 1002.0, 746.0, 1.0], [649.0, 447.0, 772.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [466.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 603.0, 1.0], [959.0, 433.0, 1065.0, 700.0, 1.0], [1153.0, 454.0, 1185.0, 544.0, 1.0], [929.0, 441.0, 965.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [947.0, 442.0, 978.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 973.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [54519.31329919544], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "frame_count": 179, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[770.33, 430.92, 882.47, 769.33, 1.7568], [907.12, 454.06, 1004.612, 748.53, 1.3], [589.13, 405.34, 771.92, 955.72, 0.93248], [769.0, 353.0, 928.0, 832.0, 0.54118]], "trackers": [[777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951, 0.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 0.0], [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184, 0.0], [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [779.0, 437.0, 884.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1160.0, 448.0, 1198.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [571.0, 422.0, 772.0, 911.0, 1.0], [895.0, 444.0, 1004.0, 747.0, 1.0], [649.0, 447.0, 774.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 604.0, 1.0], [961.0, 433.0, 1067.0, 701.0, 1.0], [1154.0, 454.0, 1186.0, 544.0, 1.0], [932.0, 441.0, 968.0, 569.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 979.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [54480.41403198173], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "frame_count": 180, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]]}, "detections": [[770.33, 430.92, 882.47, 769.33, 1.7439], [907.12, 454.06, 1004.612, 748.53, 1.2584], [609.0, 417.0, 768.0, 896.0, 0.77786], [769.0, 353.0, 928.0, 832.0, 0.37895]], "trackers": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [782.0, 437.0, 884.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1159.0, 448.0, 1197.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [575.0, 422.0, 773.0, 912.0, 1.0], [900.0, 444.0, 1005.0, 748.0, 1.0], [649.0, 447.0, 776.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 622.0, 604.0, 1.0], [963.0, 433.0, 1070.0, 702.0, 1.0], [1155.0, 454.0, 1187.0, 544.0, 1.0], [934.0, 441.0, 971.0, 570.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 980.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "average_area": [53939.02911406437], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "frame_count": 181, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]]}, "detections": [[777.05, 413.27, 897.31, 776.04, 1.7292], [887.71, 444.35, 992.27, 760.03, 1.4447], [618.34, 412.56, 788.82, 926.01, 0.73299], [755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "trackers": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [783.0, 436.0, 886.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 477.0, 782.0, 581.0, 0.0], [1158.0, 449.0, 1196.0, 548.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1004.0, 554.0, 1.0], [580.0, 423.0, 775.0, 914.0, 1.0], [904.0, 444.0, 1007.0, 749.0, 1.0], [649.0, 447.0, 778.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [464.0, 465.0, 499.0, 573.0, 1.0], [508.0, 457.0, 543.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 623.0, 605.0, 1.0], [965.0, 433.0, 1072.0, 703.0, 1.0], [1157.0, 454.0, 1188.0, 544.0, 1.0], [937.0, 441.0, 974.0, 572.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 458.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [949.0, 442.0, 981.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 455.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [49865.200217524354], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "frame_count": 182, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 1.9064], [907.12, 454.06, 1004.612, 748.53, 1.5494], [618.34, 412.56, 788.82, 926.01, 0.57856], [1153.0, 433.0, 1192.0, 552.0, 0.48299]], "trackers": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [784.0, 436.0, 888.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1156.0, 449.0, 1194.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [584.0, 423.0, 776.0, 916.0, 1.0], [909.0, 444.0, 1009.0, 749.0, 1.0], [651.0, 446.0, 780.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 499.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 606.0, 1.0], [968.0, 434.0, 1075.0, 704.0, 1.0], [1158.0, 454.0, 1190.0, 544.0, 1.0], [940.0, 442.0, 977.0, 574.0, 1.0], [584.0, 455.0, 604.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [950.0, 442.0, 982.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 456.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [51701.48161951506], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "frame_count": 183, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]]}, "detections": [[777.05, 413.27, 897.31, 776.04, 1.9837], [907.12, 454.06, 1004.612, 748.53, 1.6313], [628.0, 448.86, 776.29, 895.72, 0.83077], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112]], "trackers": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [785.0, 435.0, 890.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1155.0, 449.0, 1193.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [589.0, 423.0, 778.0, 919.0, 1.0], [913.0, 444.0, 1011.0, 750.0, 1.0], [654.0, 445.0, 783.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [489.0, 459.0, 519.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 607.0, 1.0], [972.0, 433.0, 1076.0, 703.0, 1.0], [1159.0, 454.0, 1193.0, 544.0, 1.0], [942.0, 442.0, 979.0, 572.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [951.0, 442.0, 983.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [948.0, 456.0, 970.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [52711.85334512396], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "frame_count": 184, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]]}, "detections": [[777.05, 413.27, 897.31, 776.04, 2.3035], [908.82, 444.35, 1013.3800000000001, 760.03, 1.2839], [628.0, 448.86, 776.29, 895.72, 0.77269], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531], [572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303]], "trackers": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [786.0, 435.0, 892.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1154.0, 449.0, 1192.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [594.0, 423.0, 780.0, 922.0, 1.0], [918.0, 444.0, 1012.0, 751.0, 1.0], [656.0, 444.0, 785.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [462.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 456.0, 623.0, 608.0, 1.0], [976.0, 433.0, 1077.0, 703.0, 1.0], [1160.0, 454.0, 1196.0, 544.0, 1.0], [944.0, 442.0, 981.0, 570.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 984.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [48711.517890507304], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [4, 5, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "frame_count": 185, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.0379], [926.82, 454.06, 1024.3120000000001, 748.53, 1.2353], [618.34, 412.56, 788.82, 926.01, 1.0654], [1153.0, 433.0, 1192.0, 552.0, 0.56941], [572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845]], "trackers": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [787.0, 434.0, 894.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1153.0, 449.0, 1191.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [599.0, 423.0, 782.0, 925.0, 1.0], [922.0, 444.0, 1014.0, 752.0, 1.0], [659.0, 443.0, 788.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 470.0, 457.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 455.0, 623.0, 609.0, 1.0], [981.0, 433.0, 1078.0, 703.0, 1.0], [1161.0, 454.0, 1199.0, 544.0, 1.0], [946.0, 442.0, 983.0, 568.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 985.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [47885.52422544819], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [4, 5, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "frame_count": 186, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 1.9503], [618.34, 412.56, 788.82, 926.01, 0.91326], [926.82, 454.06, 1024.3120000000001, 748.53, 0.42717], [896.71, 329.43, 1045.0, 776.29, 0.31669], [1153.0, 433.0, 1192.0, 552.0, 0.31442]], "trackers": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [788.0, 434.0, 896.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1152.0, 449.0, 1190.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [604.0, 423.0, 784.0, 928.0, 1.0], [927.0, 444.0, 1016.0, 753.0, 1.0], [662.0, 443.0, 790.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [569.0, 455.0, 623.0, 610.0, 1.0], [985.0, 433.0, 1080.0, 702.0, 1.0], [1162.0, 454.0, 1202.0, 544.0, 1.0], [949.0, 442.0, 985.0, 566.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [591.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [953.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 968.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [51242.19921113908], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "frame_count": 187, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.0463], [625.89, 405.34, 808.68, 955.72, 0.85784], [926.82, 454.06, 1024.3120000000001, 748.53, 0.4554], [505.0, 441.0, 544.0, 560.0, 0.37783], [571.03, 454.91, 622.81, 612.25, 0.31746]], "trackers": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [790.0, 434.0, 899.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 781.0, 582.0, 0.0], [1151.0, 449.0, 1189.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [609.0, 423.0, 785.0, 930.0, 1.0], [932.0, 444.0, 1018.0, 754.0, 1.0], [664.0, 442.0, 793.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 455.0, 623.0, 611.0, 1.0], [990.0, 433.0, 1081.0, 702.0, 1.0], [1162.0, 453.0, 1202.0, 544.0, 1.0], [952.0, 442.0, 988.0, 567.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [954.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [52520.60098107217], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 9, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "frame_count": 188, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.3308], [625.89, 405.34, 808.68, 955.72, 1.1745], [929.93, 444.35, 1034.49, 760.03, 1.1077]], "trackers": [[783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034, 0.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 0.0], [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004, 0.0], [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [792.0, 433.0, 901.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1150.0, 449.0, 1188.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [614.0, 423.0, 787.0, 933.0, 1.0], [933.0, 444.0, 1023.0, 755.0, 1.0], [667.0, 441.0, 795.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 454.0, 623.0, 612.0, 1.0], [994.0, 432.0, 1082.0, 702.0, 1.0], [1163.0, 453.0, 1203.0, 544.0, 1.0], [955.0, 442.0, 991.0, 568.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [955.0, 442.0, 987.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "average_area": [55067.24377653161], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "frame_count": 189, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.3661], [926.82, 454.06, 1024.3120000000001, 748.53, 1.3412], [652.64, 412.56, 823.12, 926.01, 1.2985]], "trackers": [[783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103, 0.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 0.0], [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108, 0.0], [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [794.0, 433.0, 903.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1149.0, 449.0, 1187.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [619.0, 423.0, 789.0, 936.0, 1.0], [935.0, 444.0, 1028.0, 756.0, 1.0], [669.0, 440.0, 798.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 518.0, 562.0, 1.0], [407.0, 468.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 613.0, 1.0], [998.0, 432.0, 1084.0, 701.0, 1.0], [1163.0, 452.0, 1204.0, 544.0, 1.0], [958.0, 442.0, 994.0, 569.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [956.0, 442.0, 988.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 966.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [56735.82738525428], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "frame_count": 190, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.7093], [929.93, 444.35, 1034.49, 760.03, 1.3853], [625.89, 405.34, 808.68, 955.72, 0.95456], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.46288], [571.03, 454.91, 622.81, 612.25, 0.42003]], "trackers": [[782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259, 0.0], [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068, 0.0], [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952, 0.0], [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [796.0, 432.0, 905.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1148.0, 449.0, 1186.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [624.0, 423.0, 791.0, 939.0, 1.0], [937.0, 444.0, 1034.0, 757.0, 1.0], [672.0, 439.0, 800.0, 812.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 614.0, 1.0], [1003.0, 432.0, 1085.0, 701.0, 1.0], [1164.0, 452.0, 1204.0, 544.0, 1.0], [961.0, 442.0, 997.0, 570.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 989.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [54606.893591029184], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "frame_count": 191, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.5924], [929.93, 444.35, 1034.49, 760.03, 1.171], [652.64, 412.56, 823.12, 926.01, 0.54912], [571.03, 454.91, 622.81, 612.25, 0.53513], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.49516]], "trackers": [[782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082, 0.0], [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466, 0.0], [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402, 0.0], [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [799.0, 432.0, 907.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1147.0, 449.0, 1185.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1098.0, 437.0, 1137.0, 546.0, 1.0], [972.0, 442.0, 1008.0, 555.0, 1.0], [629.0, 423.0, 793.0, 942.0, 1.0], [939.0, 444.0, 1039.0, 758.0, 1.0], [675.0, 439.0, 803.0, 813.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 466.0, 497.0, 575.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 624.0, 616.0, 1.0], [1007.0, 432.0, 1086.0, 701.0, 1.0], [1164.0, 451.0, 1205.0, 544.0, 1.0], [964.0, 442.0, 1000.0, 571.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [590.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 990.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [52569.57427413261], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [4, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "frame_count": 192, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]]}, "detections": [[780.76, 416.87, 909.72, 805.75, 2.1012], [929.93, 444.35, 1034.49, 760.03, 1.0911], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818], [566.69, 453.55, 622.259, 622.26, 0.551], [652.64, 412.56, 823.12, 926.01, 0.47617]], "trackers": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [801.0, 431.0, 912.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1145.0, 449.0, 1183.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 442.0, 1007.0, 555.0, 1.0], [632.0, 423.0, 796.0, 944.0, 1.0], [940.0, 444.0, 1044.0, 759.0, 1.0], [677.0, 441.0, 805.0, 815.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 453.0, 624.0, 615.0, 1.0], [1012.0, 432.0, 1088.0, 701.0, 1.0], [1165.0, 451.0, 1206.0, 544.0, 1.0], [967.0, 442.0, 1003.0, 572.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [958.0, 442.0, 991.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 456.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [51055.32089337418], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [4, 2]], "ret_unmatched_detections": [3, 2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "frame_count": 193, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]]}, "detections": [[801.3, 437.53, 921.56, 800.3, 2.4666], [951.05, 444.35, 1055.61, 760.03, 1.0509], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [687.71, 389.14, 836.0, 836.0, 0.47781], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994], [996.61, 408.29, 1108.75, 746.7, 0.30703]], "trackers": [[782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429, 0.0], [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116, 0.0], [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762, 0.0], [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [803.0, 431.0, 918.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1144.0, 449.0, 1182.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1006.0, 555.0, 1.0], [635.0, 423.0, 800.0, 946.0, 1.0], [942.0, 444.0, 1050.0, 760.0, 1.0], [679.0, 443.0, 807.0, 817.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 453.0, 625.0, 615.0, 1.0], [1015.0, 432.0, 1095.0, 702.0, 1.0], [1166.0, 451.0, 1207.0, 544.0, 1.0], [970.0, 442.0, 1007.0, 574.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [959.0, 442.0, 992.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 457.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [50520.77966317534], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [5, 2], [7, 1]], "ret_unmatched_detections": [2, 3, 4, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "frame_count": 194, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]]}, "detections": [[806.75, 416.87, 935.71, 805.75, 2.7657], [951.05, 444.35, 1055.61, 760.03, 1.3124], [566.69, 453.55, 622.259, 622.26, 0.85701], [662.65, 405.34, 845.4399999999999, 955.72, 0.45068], [506.88, 446.86, 548.751, 574.47, 0.32472]], "trackers": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [805.0, 431.0, 924.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1143.0, 449.0, 1181.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1005.0, 555.0, 1.0], [638.0, 423.0, 804.0, 948.0, 1.0], [944.0, 444.0, 1055.0, 761.0, 1.0], [681.0, 445.0, 809.0, 819.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [568.0, 453.0, 626.0, 615.0, 1.0], [1018.0, 433.0, 1102.0, 704.0, 1.0], [1168.0, 450.0, 1208.0, 544.0, 1.0], [972.0, 442.0, 1008.0, 570.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [960.0, 442.0, 993.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [942.0, 457.0, 963.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [47635.88530327077], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [3, 2]], "ret_unmatched_detections": [4, 2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 195, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]]}, "detections": [[801.3, 437.53, 921.56, 800.3, 2.3792], [566.69, 453.55, 622.259, 622.26, 1.3905], [951.05, 444.35, 1055.61, 760.03, 0.71776], [662.65, 405.34, 845.4399999999999, 955.72, 0.62938], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757], [506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565]], "trackers": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [808.0, 431.0, 930.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1142.0, 449.0, 1180.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 442.0, 1004.0, 555.0, 1.0], [641.0, 424.0, 808.0, 950.0, 1.0], [946.0, 444.0, 1060.0, 762.0, 1.0], [683.0, 447.0, 811.0, 821.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 626.0, 615.0, 1.0], [1021.0, 434.0, 1109.0, 706.0, 1.0], [1171.0, 450.0, 1209.0, 544.0, 1.0], [974.0, 442.0, 1010.0, 567.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [961.0, 442.0, 994.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [941.0, 457.0, 962.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [43449.852171076614], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 2]], "ret_unmatched_detections": [5, 6, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 2, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 196, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]]}, "detections": [[806.75, 416.87, 935.71, 805.75, 2.005], [566.69, 453.55, 622.259, 622.26, 1.3885], [951.05, 444.35, 1055.61, 760.03, 0.93037], [670.74, 394.97, 866.72, 984.9200000000001, 0.76348]], "trackers": [[804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169, 0.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 0.0], [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193, 0.0], [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691, 0.0], [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [810.0, 430.0, 940.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1141.0, 449.0, 1179.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1004.0, 555.0, 1.0], [644.0, 424.0, 812.0, 952.0, 1.0], [948.0, 444.0, 1066.0, 763.0, 1.0], [686.0, 449.0, 814.0, 823.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 627.0, 615.0, 1.0], [1024.0, 434.0, 1116.0, 708.0, 1.0], [1174.0, 450.0, 1210.0, 544.0, 1.0], [976.0, 442.0, 1012.0, 564.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [589.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "average_area": [44253.57667307464], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 3, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 197, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[806.75, 416.87, 935.71, 805.75, 1.9228], [578.0, 453.55, 633.569, 622.26, 1.4429], [951.05, 444.35, 1055.61, 760.03, 0.92691], [670.74, 394.97, 866.72, 984.9200000000001, 0.6156], [513.0, 449.0, 552.0, 568.0, 0.5688], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845]], "trackers": [[808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592, 0.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 0.0], [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977, 0.0], [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474, 0.0], [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [812.0, 430.0, 951.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1140.0, 449.0, 1178.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1003.0, 555.0, 1.0], [647.0, 424.0, 815.0, 954.0, 1.0], [953.0, 443.0, 1068.0, 762.0, 1.0], [688.0, 451.0, 816.0, 825.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 628.0, 615.0, 1.0], [1027.0, 435.0, 1123.0, 710.0, 1.0], [1177.0, 450.0, 1212.0, 545.0, 1.0], [978.0, 442.0, 1014.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 455.0, 561.0, 509.0, 1.0]], "average_area": [47244.13736987644], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 2]], "ret_unmatched_detections": [5, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 198, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]]}, "detections": [[578.0, 453.55, 633.569, 622.26, 1.8586], [806.75, 416.87, 935.71, 805.75, 1.7513], [972.16, 444.35, 1076.72, 760.03, 1.7172], [662.65, 405.34, 845.4399999999999, 955.72, 0.69467], [513.0, 449.0, 552.0, 568.0, 0.67795], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392]], "trackers": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [814.0, 430.0, 962.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1139.0, 449.0, 1177.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 555.0, 1.0], [650.0, 425.0, 819.0, 956.0, 1.0], [959.0, 443.0, 1070.0, 762.0, 1.0], [690.0, 453.0, 818.0, 827.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 630.0, 615.0, 1.0], [1030.0, 436.0, 1130.0, 712.0, 1.0], [1179.0, 450.0, 1213.0, 545.0, 1.0], [981.0, 442.0, 1017.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [963.0, 443.0, 996.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [939.0, 457.0, 960.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "average_area": [48380.105753454925], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [5, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 199, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]]}, "detections": [[570.91, 449.65, 630.539, 630.54, 2.0584], [806.75, 416.87, 935.71, 805.75, 1.6622], [972.16, 444.35, 1076.72, 760.03, 1.6041], [662.65, 405.34, 845.4399999999999, 955.72, 0.88175], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "trackers": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [817.0, 430.0, 973.0, 803.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1138.0, 449.0, 1176.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 555.0, 1.0], [653.0, 425.0, 823.0, 958.0, 1.0], [965.0, 443.0, 1072.0, 762.0, 1.0], [692.0, 455.0, 820.0, 829.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 633.0, 616.0, 1.0], [1033.0, 436.0, 1133.0, 714.0, 1.0], [1182.0, 450.0, 1214.0, 545.0, 1.0], [983.0, 442.0, 1020.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [610.0, 463.0, 633.0, 520.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [964.0, 443.0, 997.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "average_area": [46918.62628418121], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 200, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]]}, "detections": [[578.0, 453.55, 633.569, 622.26, 2.0036], [806.75, 416.87, 935.71, 805.75, 1.7281], [973.98, 430.92, 1086.1200000000001, 769.33, 1.4048], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.99898], [662.65, 405.34, 845.4399999999999, 955.72, 0.794]], "trackers": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [818.0, 430.0, 974.0, 804.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 778.0, 584.0, 0.0], [1137.0, 449.0, 1175.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [656.0, 425.0, 827.0, 960.0, 1.0], [970.0, 443.0, 1075.0, 761.0, 1.0], [694.0, 457.0, 822.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 636.0, 617.0, 1.0], [1036.0, 437.0, 1136.0, 716.0, 1.0], [1185.0, 450.0, 1215.0, 545.0, 1.0], [986.0, 442.0, 1022.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [589.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [965.0, 443.0, 998.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "average_area": [46604.7254980452], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [4, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 7, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 201, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[570.91, 437.53, 630.539, 618.42, 1.661], [808.87, 391.01, 947.16, 807.87, 1.3783], [670.74, 394.97, 866.72, 984.9200000000001, 1.1379], [972.16, 444.35, 1076.72, 760.03, 1.1312], [1140.5, 423.72, 1185.448, 560.5600000000001, 0.74573], [506.88, 446.86, 548.751, 574.47, 0.39779]], "trackers": [[809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842, 0.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 0.0], [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793, 0.0], [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229, 0.0], [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489, 0.0], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [819.0, 431.0, 975.0, 806.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1136.0, 450.0, 1174.0, 549.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [660.0, 426.0, 831.0, 962.0, 1.0], [975.0, 443.0, 1078.0, 760.0, 1.0], [697.0, 459.0, 825.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [571.0, 453.0, 639.0, 618.0, 1.0], [1039.0, 438.0, 1139.0, 718.0, 1.0], [1188.0, 450.0, 1217.0, 546.0, 1.0], [988.0, 443.0, 1025.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [937.0, 457.0, 958.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "average_area": [39945.675495869524], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 2], [3, 3], [4, 5]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 202, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]]}, "detections": [[806.75, 416.87, 935.71, 805.75, 1.4632], [570.91, 449.65, 630.539, 630.54, 1.4063], [670.74, 394.97, 866.72, 984.9200000000001, 1.3695], [993.27, 444.35, 1097.83, 760.03, 0.57115], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.56114], [506.88, 446.86, 548.751, 574.47, 0.46026]], "trackers": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [821.0, 432.0, 977.0, 808.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1135.0, 450.0, 1173.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [664.0, 424.0, 833.0, 964.0, 1.0], [981.0, 443.0, 1082.0, 760.0, 1.0], [699.0, 458.0, 827.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [455.0, 466.0, 492.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [572.0, 453.0, 639.0, 618.0, 1.0], [1043.0, 437.0, 1141.0, 717.0, 1.0], [1188.0, 449.0, 1218.0, 546.0, 1.0], [991.0, 443.0, 1028.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [936.0, 457.0, 957.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "average_area": [42276.388344540646], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 2], [3, 3], [4, 5]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 9, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 203, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]]}, "detections": [[832.75, 416.87, 961.71, 805.75, 1.7284], [578.0, 453.55, 633.569, 622.26, 1.7133], [670.74, 394.97, 866.72, 984.9200000000001, 1.4479], [993.27, 444.35, 1097.83, 760.03, 1.2845]], "trackers": [[809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459, 0.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 0.0], [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729, 0.0], [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199, 0.0], [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284, 0.0], [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [822.0, 433.0, 978.0, 810.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1134.0, 450.0, 1172.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [668.0, 423.0, 835.0, 967.0, 1.0], [986.0, 443.0, 1085.0, 759.0, 1.0], [701.0, 458.0, 829.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [454.0, 466.0, 491.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [574.0, 453.0, 639.0, 618.0, 1.0], [1047.0, 436.0, 1143.0, 717.0, 1.0], [1189.0, 449.0, 1219.0, 546.0, 1.0], [993.0, 443.0, 1030.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 465.0, 685.0, 537.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [967.0, 444.0, 1000.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "average_area": [42090.96540872055], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 10, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4}], "frame_count": 204, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[578.0, 453.55, 633.569, 622.26, 1.8804], [832.75, 416.87, 961.71, 805.75, 1.6506], [670.74, 394.97, 866.72, 984.9200000000001, 1.3893], [993.27, 444.35, 1097.83, 760.03, 0.9693]], "trackers": [[827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626, 0.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 0.0], [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102, 0.0], [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628, 0.0], [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793, 0.0], [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [824.0, 434.0, 980.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [672.0, 422.0, 837.0, 969.0, 1.0], [991.0, 443.0, 1088.0, 758.0, 1.0], [704.0, 458.0, 832.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [453.0, 466.0, 490.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [576.0, 453.0, 640.0, 619.0, 1.0], [1051.0, 435.0, 1145.0, 717.0, 1.0], [1190.0, 449.0, 1220.0, 546.0, 1.0], [996.0, 443.0, 1033.0, 560.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [968.0, 444.0, 1001.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "average_area": [41912.60440267493], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5}], "frame_count": 205, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[578.0, 453.55, 633.569, 622.26, 2.138], [832.75, 416.87, 961.71, 805.75, 1.9101], [662.65, 405.34, 845.4399999999999, 955.72, 1.1962], [996.61, 430.92, 1108.75, 769.33, 1.143]], "trackers": [[834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771, 0.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 0.0], [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196, 0.0], [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497, 0.0], [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436, 0.0], [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [827.0, 433.0, 982.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [676.0, 420.0, 839.0, 972.0, 1.0], [997.0, 443.0, 1092.0, 758.0, 1.0], [706.0, 458.0, 834.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [452.0, 466.0, 489.0, 574.0, 1.0], [512.0, 455.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [578.0, 453.0, 640.0, 619.0, 1.0], [1055.0, 434.0, 1147.0, 717.0, 1.0], [1190.0, 449.0, 1221.0, 546.0, 1.0], [998.0, 443.0, 1036.0, 560.0, 1.0], [587.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [969.0, 444.0, 1002.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [934.0, 457.0, 955.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "average_area": [41843.95973501963], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 2], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6}], "frame_count": 206, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[832.75, 416.87, 961.71, 805.75, 2.5097], [996.61, 430.92, 1108.75, 769.33, 1.8002], [581.58, 454.91, 633.36, 612.25, 1.7038], [670.74, 394.97, 866.72, 984.9200000000001, 0.98171], [568.28, 404.07, 641.923, 627.0, 0.70195], [1064.7, 434.36, 1162.192, 728.83, 0.61036]], "trackers": [[836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796, 0.0], [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143, 0.0], [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216, 0.0], [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736, 0.0], [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689, 0.0], [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [831.0, 433.0, 985.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1132.0, 450.0, 1170.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [680.0, 419.0, 842.0, 974.0, 1.0], [1001.0, 443.0, 1106.0, 758.0, 1.0], [709.0, 457.0, 837.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [451.0, 466.0, 488.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [580.0, 453.0, 641.0, 620.0, 1.0], [1059.0, 434.0, 1149.0, 717.0, 1.0], [1191.0, 449.0, 1223.0, 546.0, 1.0], [1001.0, 444.0, 1039.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [933.0, 457.0, 954.0, 527.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "average_area": [40766.97081207496], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 4], [3, 2], [5, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 207, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]]}, "detections": [[583.04, 449.65, 642.669, 630.54, 2.1083], [858.74, 416.87, 987.7, 805.75, 2.015], [996.61, 453.55, 1108.75, 791.96, 1.9064], [676.59, 381.02, 886.71, 1013.38, 1.0149], [1016.1, 329.43, 1164.39, 776.29, 0.87609], [505.0, 449.0, 544.0, 568.0, 0.59611]], "trackers": [[836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806, 0.0], [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486, 0.0], [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605, 0.0], [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035, 0.0], [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [835.0, 433.0, 987.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1131.0, 450.0, 1169.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1002.0, 556.0, 1.0], [684.0, 418.0, 844.0, 977.0, 1.0], [1005.0, 443.0, 1120.0, 758.0, 1.0], [711.0, 457.0, 839.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [449.0, 466.0, 487.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [581.0, 453.0, 641.0, 620.0, 1.0], [1063.0, 433.0, 1152.0, 716.0, 1.0], [1192.0, 449.0, 1224.0, 546.0, 1.0], [1003.0, 444.0, 1042.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "average_area": [47748.153114414155], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 2], [4, 1]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "frame_count": 208, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]]}, "detections": [[589.31, 453.55, 644.8789999999999, 622.26, 2.5021], [858.74, 416.87, 987.7, 805.75, 2.2462], [996.61, 453.55, 1108.75, 791.96, 1.9584], [505.0, 449.0, 544.0, 568.0, 1.3212], [670.74, 394.97, 866.72, 984.9200000000001, 0.95809], [1016.1, 329.43, 1164.39, 776.29, 0.67543], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "trackers": [[855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002, 0.0], [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381, 0.0], [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885, 0.0], [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898, 0.0], [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [839.0, 433.0, 990.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [688.0, 416.0, 846.0, 979.0, 1.0], [1009.0, 444.0, 1135.0, 759.0, 1.0], [714.0, 457.0, 842.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [448.0, 466.0, 486.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [583.0, 453.0, 641.0, 620.0, 1.0], [1067.0, 432.0, 1156.0, 716.0, 1.0], [1192.0, 449.0, 1225.0, 546.0, 1.0], [1006.0, 444.0, 1046.0, 560.0, 1.0], [721.0, 456.0, 740.0, 521.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [971.0, 445.0, 1004.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "average_area": [55744.890045175], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [4, 2], [5, 1]], "ret_unmatched_detections": [3, 6, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "frame_count": 209, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]]}, "detections": [[858.74, 416.87, 987.7, 805.75, 2.6502], [589.31, 453.55, 644.8789999999999, 622.26, 2.0596], [996.61, 453.55, 1108.75, 791.96, 1.4943], [670.74, 394.97, 866.72, 984.9200000000001, 0.92737], [505.0, 449.0, 544.0, 568.0, 0.90314], [846.44, 295.07, 1029.23, 845.45, 0.52903], [1016.1, 329.43, 1164.39, 776.29, 0.44112], [449.0, 465.0, 488.0, 584.0, 0.30067]], "trackers": [[861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027, 0.0], [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107, 0.0], [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464, 0.0], [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164, 0.0], [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [843.0, 432.0, 992.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [692.0, 415.0, 848.0, 982.0, 1.0], [1012.0, 444.0, 1147.0, 760.0, 1.0], [716.0, 457.0, 844.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [447.0, 466.0, 485.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [585.0, 453.0, 642.0, 621.0, 1.0], [1072.0, 431.0, 1159.0, 715.0, 1.0], [1193.0, 449.0, 1226.0, 546.0, 1.0], [1008.0, 444.0, 1049.0, 560.0, 1.0], [721.0, 455.0, 740.0, 521.0, 1.0], [735.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "average_area": [56124.962053241514], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 2], [6, 1]], "ret_unmatched_detections": [4, 5, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 210, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]]}, "detections": [[858.74, 416.87, 987.7, 805.75, 2.627], [583.04, 449.65, 642.669, 630.54, 2.2351], [996.61, 453.55, 1108.75, 791.96, 1.4924], [505.0, 449.0, 544.0, 568.0, 0.9115], [670.74, 394.97, 866.72, 984.9200000000001, 0.8526], [1016.1, 329.43, 1164.39, 776.29, 0.55804], [545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "trackers": [[863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563, 0.0], [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233, 0.0], [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945, 0.0], [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129, 0.0], [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [847.0, 432.0, 994.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1129.0, 450.0, 1167.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [696.0, 414.0, 850.0, 984.0, 1.0], [1015.0, 445.0, 1159.0, 761.0, 1.0], [719.0, 457.0, 847.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [446.0, 466.0, 484.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [587.0, 453.0, 642.0, 621.0, 1.0], [1076.0, 430.0, 1163.0, 715.0, 1.0], [1194.0, 449.0, 1227.0, 546.0, 1.0], [1011.0, 444.0, 1053.0, 560.0, 1.0], [722.0, 455.0, 741.0, 521.0, 1.0], [736.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "average_area": [47650.77195936019], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 5], [4, 2], [5, 1]], "ret_unmatched_detections": [6, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 211, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]]}, "detections": [[858.74, 416.87, 987.7, 805.75, 2.7722], [589.31, 453.55, 644.8789999999999, 622.26, 2.3732], [1014.4, 465.47, 1118.96, 781.1500000000001, 1.1601], [505.0, 449.0, 544.0, 568.0, 0.98655], [1031.7, 363.15, 1169.99, 780.01, 0.57013], [670.74, 394.97, 866.72, 984.9200000000001, 0.56763]], "trackers": [[864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774, 0.0], [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534, 0.0], [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915, 0.0], [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927, 0.0], [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [851.0, 432.0, 996.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1128.0, 450.0, 1166.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [700.0, 413.0, 853.0, 987.0, 1.0], [1018.0, 445.0, 1171.0, 762.0, 1.0], [720.0, 456.0, 848.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [445.0, 466.0, 483.0, 575.0, 1.0], [514.0, 457.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [589.0, 454.0, 643.0, 622.0, 1.0], [1080.0, 429.0, 1166.0, 714.0, 1.0], [1195.0, 449.0, 1229.0, 546.0, 1.0], [1013.0, 445.0, 1056.0, 560.0, 1.0], [723.0, 455.0, 742.0, 521.0, 1.0], [737.0, 450.0, 756.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [505.0, 464.0, 525.0, 545.0, 1.0], [594.0, 460.0, 619.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 522.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [973.0, 445.0, 1006.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "average_area": [47849.145215178396], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 5], [4, 1], [5, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 212, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[858.74, 416.87, 987.7, 805.75, 2.5854], [589.31, 453.55, 644.8789999999999, 622.26, 2.4399], [1019.2, 453.55, 1131.3400000000001, 791.96, 1.3942], [505.0, 449.0, 544.0, 568.0, 1.1191], [676.59, 381.02, 886.71, 1013.38, 0.36769]], "trackers": [[864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131, 0.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 0.0], [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323, 0.0], [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693, 0.0], [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [855.0, 432.0, 999.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [702.0, 412.0, 860.0, 987.0, 1.0], [1022.0, 446.0, 1184.0, 764.0, 1.0], [721.0, 455.0, 849.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [444.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [590.0, 453.0, 644.0, 622.0, 1.0], [1085.0, 428.0, 1170.0, 714.0, 1.0], [1196.0, 449.0, 1231.0, 546.0, 1.0], [1016.0, 445.0, 1060.0, 560.0, 1.0], [723.0, 454.0, 742.0, 521.0, 1.0], [738.0, 450.0, 757.0, 521.0, 1.0], [588.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "average_area": [46330.09212011282], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 3], [3, 5], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 1, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 213, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[884.73, 416.87, 1013.69, 805.75, 2.4889], [585.82, 442.87, 649.8000000000001, 636.81, 1.5239], [505.0, 449.0, 544.0, 568.0, 0.79785], [1019.6, 437.53, 1139.8600000000001, 800.3, 0.72485]], "trackers": [[863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549, 0.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 0.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 0.0], [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057, 0.0], [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [861.0, 431.0, 1001.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1002.0, 556.0, 1.0], [704.0, 411.0, 867.0, 987.0, 1.0], [1022.0, 446.0, 1185.0, 766.0, 1.0], [723.0, 455.0, 851.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [443.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 496.0, 541.0, 1.0], [591.0, 453.0, 645.0, 622.0, 1.0], [1087.0, 428.0, 1179.0, 715.0, 1.0], [1198.0, 449.0, 1234.0, 546.0, 1.0], [1018.0, 445.0, 1063.0, 560.0, 1.0], [724.0, 454.0, 743.0, 521.0, 1.0], [738.0, 450.0, 758.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "average_area": [48425.949441690194], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 5], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 2, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 214, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[884.73, 416.87, 1013.69, 805.75, 2.4075], [595.16, 449.65, 654.789, 630.54, 1.649], [1043.8, 389.02, 1164.06, 751.79, 1.0403], [505.0, 449.0, 544.0, 568.0, 0.86284], [846.44, 295.07, 1029.23, 845.45, 0.4188]], "trackers": [[881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603, 0.0], [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928, 0.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 0.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 0.0], [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [867.0, 431.0, 1004.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1126.0, 450.0, 1164.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1003.0, 556.0, 1.0], [707.0, 410.0, 874.0, 987.0, 1.0], [1023.0, 446.0, 1187.0, 769.0, 1.0], [724.0, 454.0, 852.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [442.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [593.0, 453.0, 646.0, 622.0, 1.0], [1089.0, 428.0, 1188.0, 717.0, 1.0], [1199.0, 449.0, 1236.0, 546.0, 1.0], [1021.0, 445.0, 1067.0, 560.0, 1.0], [725.0, 454.0, 744.0, 521.0, 1.0], [739.0, 450.0, 759.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [975.0, 445.0, 1008.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "average_area": [49551.73234305009], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 1], [3, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 215, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.4188]]}, "detections": [[884.73, 416.87, 1013.69, 805.75, 2.7305], [595.16, 449.65, 654.789, 630.54, 1.0794], [1040.7, 390.88, 1169.66, 779.76, 0.91093], [505.0, 449.0, 544.0, 568.0, 0.82186], [846.44, 295.07, 1029.23, 845.45, 0.5598]], "trackers": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [873.0, 431.0, 1006.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1125.0, 450.0, 1163.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [709.0, 409.0, 881.0, 988.0, 1.0], [1024.0, 446.0, 1189.0, 771.0, 1.0], [726.0, 454.0, 854.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [441.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 497.0, 541.0, 1.0], [594.0, 453.0, 647.0, 622.0, 1.0], [1091.0, 429.0, 1197.0, 719.0, 1.0], [1201.0, 449.0, 1239.0, 547.0, 1.0], [1023.0, 445.0, 1070.0, 560.0, 1.0], [726.0, 454.0, 745.0, 521.0, 1.0], [740.0, 450.0, 760.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [976.0, 445.0, 1009.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "average_area": [47203.7987550161], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 1], [3, 5], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 216, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[884.73, 416.87, 1013.69, 805.75, 2.4988], [1040.7, 390.88, 1169.66, 779.76, 1.1848], [505.0, 449.0, 544.0, 568.0, 1.0924], [600.63, 453.55, 656.199, 622.26, 1.0302], [867.73, 276.78, 1063.71, 866.73, 0.64687]], "trackers": [[890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077, 0.0], [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123, 0.0], [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622, 0.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 0.0], [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [879.0, 431.0, 1009.0, 818.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1025.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [712.0, 408.0, 888.0, 988.0, 1.0], [1025.0, 447.0, 1191.0, 774.0, 1.0], [727.0, 453.0, 855.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [440.0, 466.0, 480.0, 574.0, 1.0], [514.0, 455.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [595.0, 453.0, 648.0, 623.0, 1.0], [1094.0, 429.0, 1207.0, 721.0, 1.0], [1202.0, 449.0, 1242.0, 547.0, 1.0], [1026.0, 446.0, 1074.0, 561.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [741.0, 450.0, 761.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 461.0, 630.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 544.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "average_area": [43859.946927752346], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 4], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 217, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[866.85, 389.14, 1015.14, 836.0, 2.5477], [600.63, 453.55, 656.199, 622.26, 1.339], [505.0, 449.0, 544.0, 568.0, 1.1047], [1046.0, 329.43, 1194.29, 776.29, 0.93491], [718.81, 381.02, 928.93, 1013.38, 0.30569]], "trackers": [[890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693, 0.0], [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962, 0.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 0.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 0.0], [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [881.0, 430.0, 1011.0, 821.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [714.0, 407.0, 895.0, 988.0, 1.0], [1031.0, 446.0, 1191.0, 773.0, 1.0], [729.0, 453.0, 857.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [439.0, 466.0, 480.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 498.0, 541.0, 1.0], [596.0, 454.0, 649.0, 623.0, 1.0], [1096.0, 430.0, 1216.0, 723.0, 1.0], [1204.0, 449.0, 1244.0, 547.0, 1.0], [1028.0, 445.0, 1075.0, 563.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [742.0, 450.0, 762.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "average_area": [44807.904525242164], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 4], [2, 5], [3, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 218, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]]}, "detections": [[884.73, 416.87, 1013.69, 805.75, 1.8032], [1209.6, 449.36, 1241.09, 545.83, 1.2882], [600.63, 453.55, 656.199, 622.26, 1.0564], [505.0, 449.0, 544.0, 568.0, 1.046], [846.44, 295.07, 1029.23, 845.45, 0.76099], [718.81, 381.02, 928.93, 1013.38, 0.53097], [1046.0, 329.43, 1194.29, 776.29, 0.36819]], "trackers": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [884.0, 430.0, 1014.0, 825.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1123.0, 450.0, 1161.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [716.0, 406.0, 902.0, 989.0, 1.0], [1037.0, 446.0, 1191.0, 773.0, 1.0], [730.0, 453.0, 858.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [438.0, 466.0, 479.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [598.0, 454.0, 651.0, 624.0, 1.0], [1098.0, 430.0, 1225.0, 725.0, 1.0], [1205.0, 449.0, 1247.0, 548.0, 1.0], [1031.0, 445.0, 1077.0, 566.0, 1.0], [728.0, 454.0, 747.0, 521.0, 1.0], [743.0, 450.0, 763.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "average_area": [48167.2671472216], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 4], [3, 5], [4, 2], [6, 1]], "ret_unmatched_detections": [5, 1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 219, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]]}, "detections": [[884.73, 416.87, 1013.69, 805.75, 1.5787], [505.0, 449.0, 544.0, 568.0, 1.3118], [1066.7, 390.88, 1195.66, 779.76, 0.911], [1209.6, 449.36, 1241.09, 545.83, 0.74263], [718.81, 381.02, 928.93, 1013.38, 0.73717], [600.63, 453.55, 656.199, 622.26, 0.69344], [846.44, 295.07, 1029.23, 845.45, 0.5804]], "trackers": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [886.0, 429.0, 1017.0, 829.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [719.0, 405.0, 909.0, 989.0, 1.0], [1043.0, 445.0, 1191.0, 773.0, 1.0], [731.0, 454.0, 860.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [437.0, 466.0, 479.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 458.0, 499.0, 541.0, 1.0], [599.0, 455.0, 652.0, 624.0, 1.0], [1101.0, 431.0, 1235.0, 727.0, 1.0], [1207.0, 449.0, 1249.0, 548.0, 1.0], [1034.0, 445.0, 1078.0, 568.0, 1.0], [729.0, 454.0, 748.0, 521.0, 1.0], [744.0, 450.0, 764.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "average_area": [46316.96103936528], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 5], [2, 1], [5, 4], [6, 2]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 220, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]]}, "detections": [[866.85, 389.14, 1015.14, 836.0, 1.6771], [718.81, 381.02, 928.93, 1013.38, 1.1208], [505.0, 449.0, 544.0, 568.0, 1.0442], [1209.6, 449.36, 1241.09, 545.83, 1.0367], [1066.7, 390.88, 1195.66, 779.76, 0.97919], [598.82, 442.87, 662.8000000000001, 636.81, 0.56504]], "trackers": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [889.0, 429.0, 1020.0, 833.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [730.0, 478.0, 775.0, 588.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [721.0, 404.0, 916.0, 989.0, 1.0], [1049.0, 445.0, 1191.0, 773.0, 1.0], [732.0, 455.0, 861.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [436.0, 466.0, 478.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [470.0, 459.0, 500.0, 542.0, 1.0], [600.0, 455.0, 653.0, 625.0, 1.0], [1103.0, 431.0, 1237.0, 728.0, 1.0], [1208.0, 449.0, 1252.0, 548.0, 1.0], [1036.0, 445.0, 1080.0, 571.0, 1.0], [730.0, 454.0, 749.0, 521.0, 1.0], [745.0, 450.0, 765.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "average_area": [44127.10991182834], "iou_threshold": 0.3, "ret_matches": [[0, 0], [2, 5], [4, 1], [5, 4]], "ret_unmatched_detections": [1, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 221, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[896.71, 389.14, 1045.0, 836.0, 1.3756], [505.0, 449.0, 544.0, 568.0, 1.0976], [1092.7, 390.88, 1221.66, 779.76, 1.0365], [718.81, 381.02, 928.93, 1013.38, 0.87496], [1209.6, 449.36, 1241.09, 545.83, 0.66914], [598.82, 442.87, 662.8000000000001, 636.81, 0.47061]], "trackers": [[876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465, 0.0], [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125, 0.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 0.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 0.0], [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [892.0, 429.0, 1021.0, 834.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 489.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 489.0, 744.0, 580.0, 0.0], [679.0, 492.0, 728.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [724.0, 403.0, 923.0, 990.0, 1.0], [1059.0, 444.0, 1192.0, 774.0, 1.0], [734.0, 456.0, 863.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [435.0, 467.0, 478.0, 574.0, 1.0], [514.0, 453.0, 549.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [602.0, 456.0, 655.0, 626.0, 1.0], [1105.0, 431.0, 1239.0, 730.0, 1.0], [1210.0, 449.0, 1255.0, 549.0, 1.0], [1039.0, 445.0, 1081.0, 573.0, 1.0], [731.0, 454.0, 750.0, 521.0, 1.0], [746.0, 450.0, 766.0, 521.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "average_area": [51063.37239601586], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 5], [2, 1], [3, 6], [4, 7], [5, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 222, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[896.71, 389.14, 1045.0, 836.0, 1.7314], [1087.1, 430.92, 1199.24, 769.33, 1.1271], [505.0, 449.0, 544.0, 568.0, 0.92367], [718.81, 381.02, 928.93, 1013.38, 0.82625], [607.29, 449.65, 666.919, 630.54, 0.52267]], "trackers": [[893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471, 0.0], [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054, 0.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 0.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 0.0], [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [896.0, 429.0, 1023.0, 835.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [727.0, 403.0, 934.0, 990.0, 1.0], [1070.0, 444.0, 1194.0, 775.0, 1.0], [735.0, 454.0, 864.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [433.0, 466.0, 477.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [603.0, 455.0, 656.0, 626.0, 1.0], [1108.0, 432.0, 1241.0, 732.0, 1.0], [1211.0, 449.0, 1256.0, 549.0, 1.0], [1042.0, 445.0, 1083.0, 576.0, 1.0], [732.0, 454.0, 751.0, 521.0, 1.0], [747.0, 450.0, 767.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "average_area": [51435.57929995052], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 6], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3}], "frame_count": 223, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[896.71, 389.14, 1045.0, 836.0, 1.4268], [1092.3, 413.27, 1212.56, 776.04, 1.2627], [1064.2, 275.37, 1234.68, 788.82, 0.97627], [505.0, 449.0, 544.0, 568.0, 0.89573], [613.25, 454.91, 665.03, 612.25, 0.70321], [718.81, 381.02, 928.93, 1013.38, 0.59147]], "trackers": [[899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439, 0.0], [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752, 0.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 0.0], [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582, 0.0], [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [899.0, 429.0, 1025.0, 836.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [730.0, 404.0, 946.0, 990.0, 1.0], [1080.0, 444.0, 1195.0, 776.0, 1.0], [736.0, 452.0, 865.0, 837.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [432.0, 466.0, 476.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [604.0, 454.0, 657.0, 627.0, 1.0], [1114.0, 431.0, 1242.0, 732.0, 1.0], [1212.0, 449.0, 1257.0, 549.0, 1.0], [1043.0, 445.0, 1086.0, 572.0, 1.0], [733.0, 454.0, 752.0, 521.0, 1.0], [748.0, 450.0, 768.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "average_area": [50483.674229266355], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 3], [3, 5], [4, 4], [5, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4}], "frame_count": 224, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.44, 418.86, 1030.73, 835.72, 1.2354], [1092.7, 390.88, 1221.66, 779.76, 1.214], [508.57, 448.86, 544.891, 559.82, 0.9156], [718.81, 381.02, 928.93, 1013.38, 0.57117], [611.94, 453.55, 667.509, 622.26, 0.45696]], "trackers": [[901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916, 0.0], [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072, 0.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 0.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 0.0], [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [903.0, 429.0, 1027.0, 837.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 774.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [734.0, 404.0, 958.0, 991.0, 1.0], [1091.0, 444.0, 1197.0, 777.0, 1.0], [738.0, 450.0, 866.0, 840.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [431.0, 466.0, 475.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [412.0, 471.0, 456.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [605.0, 453.0, 658.0, 627.0, 1.0], [1120.0, 431.0, 1243.0, 733.0, 1.0], [1214.0, 449.0, 1259.0, 549.0, 1.0], [1044.0, 445.0, 1090.0, 569.0, 1.0], [734.0, 454.0, 753.0, 522.0, 1.0], [749.0, 450.0, 769.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "average_area": [55729.9564821064], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 6], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 5, "confidence": 1, "age": 140}, {"time_since_observed": 1, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5}], "frame_count": 225, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1092.3, 437.53, 1212.56, 800.3, 1.4706], [892.44, 418.86, 1030.73, 835.72, 1.414], [611.94, 453.55, 667.509, 622.26, 0.77912], [718.81, 381.02, 928.93, 1013.38, 0.72334], [1098.5, 275.37, 1268.98, 788.82, 0.67697], [505.0, 449.0, 544.0, 568.0, 0.54271]], "trackers": [[898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066, 0.0], [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638, 0.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 0.0], [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723, 0.0], [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946, 0.0], [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [907.0, 429.0, 1029.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1022.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [737.0, 405.0, 969.0, 991.0, 1.0], [1096.0, 444.0, 1201.0, 780.0, 1.0], [739.0, 448.0, 867.0, 844.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [430.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [607.0, 453.0, 659.0, 628.0, 1.0], [1126.0, 430.0, 1244.0, 734.0, 1.0], [1215.0, 449.0, 1260.0, 549.0, 1.0], [1045.0, 445.0, 1093.0, 566.0, 1.0], [735.0, 454.0, 754.0, 521.0, 1.0], [750.0, 450.0, 770.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 446.0, 1013.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "average_area": [55607.34010490582], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 4], [3, 6], [4, 3], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 6, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 226, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1092.3, 437.53, 1212.56, 800.3, 1.3623], [896.71, 389.14, 1045.0, 836.0, 1.269], [607.29, 449.65, 666.919, 630.54, 1.1101], [1098.5, 275.37, 1268.98, 788.82, 1.0947], [718.81, 381.02, 928.93, 1013.38, 1.0063], [505.0, 449.0, 544.0, 568.0, 0.85291]], "trackers": [[896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074, 0.0], [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411, 0.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 0.0], [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818, 0.0], [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836, 0.0], [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [908.0, 428.0, 1031.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [741.0, 405.0, 981.0, 992.0, 1.0], [1101.0, 444.0, 1206.0, 783.0, 1.0], [741.0, 446.0, 869.0, 848.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [429.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [608.0, 452.0, 661.0, 628.0, 1.0], [1132.0, 430.0, 1245.0, 735.0, 1.0], [1217.0, 449.0, 1262.0, 549.0, 1.0], [1047.0, 445.0, 1097.0, 563.0, 1.0], [736.0, 454.0, 755.0, 521.0, 1.0], [752.0, 450.0, 771.0, 523.0, 1.0], [592.0, 454.0, 612.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "average_area": [62812.34323326364], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 4], [3, 3], [4, 6], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 7, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 227, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1118.7, 390.88, 1247.66, 779.76, 1.4893], [896.71, 389.14, 1045.0, 836.0, 1.3766], [718.81, 381.02, 928.93, 1013.38, 0.90919], [505.0, 449.0, 544.0, 568.0, 0.90134], [611.94, 453.55, 667.509, 622.26, 0.84274], [1064.7, 276.78, 1260.68, 866.73, 0.32219]], "trackers": [[899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383, 0.0], [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772, 0.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 0.0], [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038, 0.0], [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708, 0.0], [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [910.0, 428.0, 1034.0, 840.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [744.0, 406.0, 993.0, 992.0, 1.0], [1106.0, 444.0, 1211.0, 786.0, 1.0], [742.0, 444.0, 870.0, 851.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [427.0, 465.0, 473.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [609.0, 451.0, 662.0, 629.0, 1.0], [1138.0, 430.0, 1246.0, 736.0, 1.0], [1218.0, 449.0, 1263.0, 549.0, 1.0], [1049.0, 445.0, 1097.0, 565.0, 1.0], [737.0, 454.0, 756.0, 521.0, 1.0], [753.0, 450.0, 772.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "average_area": [63558.05769836639], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 6], [3, 5], [4, 4], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 8, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 228, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.44, 418.86, 1030.73, 835.72, 1.3631], [1116.6, 437.53, 1236.86, 800.3, 1.2414], [1098.5, 309.67, 1268.98, 823.1200000000001, 1.0199], [505.0, 449.0, 544.0, 568.0, 0.72379], [718.81, 381.02, 928.93, 1013.38, 0.62525], [611.94, 453.55, 667.509, 622.26, 0.55319], [867.73, 276.78, 1063.71, 866.73, 0.35016]], "trackers": [[900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434, 0.0], [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742, 0.0], [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977, 0.0], [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242, 0.0], [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844, 0.0], [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [912.0, 428.0, 1036.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [747.0, 406.0, 1004.0, 992.0, 1.0], [1111.0, 444.0, 1216.0, 790.0, 1.0], [743.0, 442.0, 871.0, 855.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [426.0, 465.0, 472.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [611.0, 451.0, 663.0, 629.0, 1.0], [1144.0, 429.0, 1251.0, 737.0, 1.0], [1219.0, 449.0, 1264.0, 549.0, 1.0], [1051.0, 445.0, 1097.0, 568.0, 1.0], [738.0, 454.0, 757.0, 521.0, 1.0], [754.0, 450.0, 773.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "average_area": [66852.48173973642], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 3], [3, 5], [4, 6], [5, 4], [6, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 229, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.44, 418.86, 1030.73, 835.72, 1.2794], [1109.7, 453.55, 1221.8400000000001, 791.96, 1.2669], [505.0, 449.0, 544.0, 568.0, 0.94807], [611.94, 453.55, 667.509, 622.26, 0.76448], [718.81, 381.02, 928.93, 1013.38, 0.76357], [1098.5, 275.37, 1268.98, 788.82, 0.57452], [867.73, 276.78, 1063.71, 866.73, 0.42185]], "trackers": [[896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587, 0.0], [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707, 0.0], [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793, 0.0], [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397, 0.0], [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325, 0.0], [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [913.0, 428.0, 1039.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [751.0, 407.0, 1016.0, 993.0, 1.0], [1113.0, 443.0, 1226.0, 790.0, 1.0], [745.0, 440.0, 872.0, 858.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [425.0, 465.0, 471.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [612.0, 450.0, 664.0, 630.0, 1.0], [1150.0, 429.0, 1257.0, 738.0, 1.0], [1221.0, 449.0, 1266.0, 549.0, 1.0], [1053.0, 445.0, 1098.0, 570.0, 1.0], [739.0, 454.0, 758.0, 521.0, 1.0], [755.0, 450.0, 774.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 429.0, 607.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "average_area": [66059.76300842503], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 1], [2, 5], [3, 4], [4, 6], [5, 3], [6, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 230, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1118.7, 390.88, 1247.66, 779.76, 1.5649], [910.72, 442.87, 1039.68, 831.75, 1.0879], [611.81, 442.87, 675.79, 636.81, 1.0206], [505.0, 449.0, 544.0, 568.0, 0.79125], [718.81, 381.02, 928.93, 1013.38, 0.67606]], "trackers": [[895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704, 0.0], [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041, 0.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 0.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 0.0], [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257, 0.0], [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [915.0, 427.0, 1041.0, 842.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 773.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [754.0, 407.0, 1028.0, 993.0, 1.0], [1116.0, 443.0, 1237.0, 791.0, 1.0], [746.0, 438.0, 873.0, 862.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [424.0, 465.0, 470.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 460.0, 499.0, 542.0, 1.0], [613.0, 449.0, 665.0, 630.0, 1.0], [1156.0, 428.0, 1262.0, 739.0, 1.0], [1222.0, 449.0, 1267.0, 549.0, 1.0], [1055.0, 445.0, 1098.0, 573.0, 1.0], [740.0, 454.0, 759.0, 521.0, 1.0], [756.0, 450.0, 775.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "average_area": [64655.1264411128], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 0], [2, 4], [3, 5], [4, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 231, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1118.7, 390.88, 1247.66, 779.76, 1.2282], [611.81, 442.87, 675.79, 636.81, 1.1456], [896.71, 389.14, 1045.0, 836.0, 1.066], [505.0, 449.0, 544.0, 568.0, 0.69035], [718.81, 381.02, 928.93, 1013.38, 0.67444]], "trackers": [[907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294, 0.0], [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866, 0.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 0.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 0.0], [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163, 0.0], [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [917.0, 427.0, 1044.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [758.0, 408.0, 1040.0, 994.0, 1.0], [1119.0, 443.0, 1247.0, 791.0, 1.0], [748.0, 436.0, 875.0, 866.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [423.0, 465.0, 470.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 460.0, 498.0, 542.0, 1.0], [615.0, 449.0, 667.0, 631.0, 1.0], [1163.0, 428.0, 1268.0, 740.0, 1.0], [1224.0, 449.0, 1269.0, 549.0, 1.0], [1058.0, 445.0, 1099.0, 576.0, 1.0], [741.0, 454.0, 760.0, 521.0, 1.0], [757.0, 450.0, 776.0, 523.0, 1.0], [594.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 529.0, 725.0, 608.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "average_area": [65045.532709472485], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 0], [3, 5], [4, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 2, "confidence": 1, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 232, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[619.41, 449.65, 679.039, 630.54, 1.2919], [1118.7, 390.88, 1247.66, 779.76, 1.2347], [896.71, 389.14, 1045.0, 836.0, 1.0029], [718.81, 381.02, 928.93, 1013.38, 0.78975], [505.0, 449.0, 544.0, 568.0, 0.76222]], "trackers": [[902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418, 0.0], [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385, 0.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 0.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 0.0], [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098, 0.0], [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [918.0, 427.0, 1046.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [764.0, 408.0, 1040.0, 993.0, 1.0], [1122.0, 443.0, 1258.0, 792.0, 1.0], [749.0, 436.0, 879.0, 867.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 468.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 460.0, 497.0, 542.0, 1.0], [616.0, 449.0, 669.0, 630.0, 1.0], [1169.0, 427.0, 1274.0, 741.0, 1.0], [1225.0, 448.0, 1271.0, 549.0, 1.0], [1059.0, 445.0, 1100.0, 573.0, 1.0], [742.0, 454.0, 761.0, 521.0, 1.0], [758.0, 450.0, 777.0, 523.0, 1.0], [595.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "average_area": [66644.9220662642], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 0], [3, 6], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 3, "confidence": 1, "age": 148}, {"time_since_observed": 3, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 233, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[619.41, 449.65, 679.039, 630.54, 1.7756], [1144.7, 390.88, 1273.66, 779.76, 1.1897], [896.71, 389.14, 1045.0, 836.0, 1.0236], [718.81, 381.02, 928.93, 1013.38, 0.73537], [505.0, 449.0, 544.0, 568.0, 0.568], [825.55, 292.02, 1067.06, 1018.56, 0.53031]], "trackers": [[900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783, 0.0], [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238, 0.0], [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828, 0.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 0.0], [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868, 0.0], [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [920.0, 427.0, 1049.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [770.0, 408.0, 1040.0, 993.0, 1.0], [1125.0, 443.0, 1269.0, 793.0, 1.0], [750.0, 436.0, 883.0, 868.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 467.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 460.0, 496.0, 542.0, 1.0], [617.0, 449.0, 672.0, 630.0, 1.0], [1175.0, 426.0, 1281.0, 742.0, 1.0], [1227.0, 448.0, 1273.0, 549.0, 1.0], [1061.0, 445.0, 1101.0, 570.0, 1.0], [743.0, 454.0, 762.0, 521.0, 1.0], [759.0, 450.0, 778.0, 523.0, 1.0], [595.0, 455.0, 615.0, 515.0, 1.0], [604.0, 457.0, 622.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "average_area": [67107.75170800193], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 0], [3, 6], [4, 5], [5, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 4, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "frame_count": 234, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[619.41, 449.65, 679.039, 630.54, 1.3267], [1144.7, 390.88, 1273.66, 779.76, 1.0816], [718.81, 381.02, 928.93, 1013.38, 0.8526], [920.3, 418.86, 1058.59, 835.72, 0.67979], [505.0, 449.0, 544.0, 568.0, 0.55279], [825.55, 292.02, 1067.06, 1018.56, 0.53874]], "trackers": [[899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663, 0.0], [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677, 0.0], [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455, 0.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 0.0], [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413, 0.0], [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 427.0, 1052.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1019.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [776.0, 408.0, 1040.0, 993.0, 1.0], [1128.0, 442.0, 1272.0, 795.0, 1.0], [751.0, 436.0, 887.0, 869.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 466.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 460.0, 495.0, 542.0, 1.0], [618.0, 449.0, 674.0, 630.0, 1.0], [1182.0, 426.0, 1288.0, 743.0, 1.0], [1229.0, 448.0, 1275.0, 549.0, 1.0], [1062.0, 445.0, 1103.0, 567.0, 1.0], [745.0, 454.0, 764.0, 522.0, 1.0], [760.0, 450.0, 779.0, 523.0, 1.0], [596.0, 455.0, 615.0, 515.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "average_area": [74474.99740607243], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 0], [4, 5], [5, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 5, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "frame_count": 235, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1144.7, 390.88, 1273.66, 779.76, 1.2982], [619.41, 449.65, 679.039, 630.54, 1.263], [749.54, 394.97, 945.52, 984.9200000000001, 1.038], [505.0, 449.0, 544.0, 568.0, 0.75688], [780.76, 260.92, 1039.68, 1039.68, 0.49976]], "trackers": [[915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 0.0], [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942, 0.0], [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799, 0.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 0.0], [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028, 0.0], [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 426.0, 1053.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [783.0, 408.0, 1040.0, 993.0, 1.0], [1131.0, 442.0, 1275.0, 798.0, 1.0], [753.0, 436.0, 891.0, 870.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 464.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [464.0, 460.0, 494.0, 542.0, 1.0], [619.0, 449.0, 677.0, 630.0, 1.0], [1183.0, 426.0, 1297.0, 744.0, 1.0], [1231.0, 448.0, 1277.0, 549.0, 1.0], [1064.0, 445.0, 1104.0, 564.0, 1.0], [746.0, 453.0, 765.0, 522.0, 1.0], [761.0, 450.0, 780.0, 523.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "average_area": [74750.26723740135], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 5], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 6, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "frame_count": 236, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1135.6, 389.14, 1283.8899999999999, 836.0, 1.3216], [619.41, 449.65, 679.039, 630.54, 1.095], [736.17, 442.1, 918.9599999999999, 992.48, 0.80518], [505.0, 449.0, 544.0, 568.0, 0.62456], [780.76, 260.92, 1039.68, 1039.68, 0.58824]], "trackers": [[917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 0.0], [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447, 0.0], [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676, 0.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 0.0], [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608, 0.0], [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511, 0.0], [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [923.0, 425.0, 1055.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [789.0, 408.0, 1040.0, 993.0, 1.0], [1134.0, 442.0, 1278.0, 801.0, 1.0], [754.0, 436.0, 896.0, 871.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 463.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [463.0, 460.0, 493.0, 542.0, 1.0], [621.0, 450.0, 680.0, 630.0, 1.0], [1184.0, 427.0, 1306.0, 745.0, 1.0], [1233.0, 448.0, 1279.0, 549.0, 1.0], [1066.0, 446.0, 1106.0, 561.0, 1.0], [747.0, 453.0, 766.0, 522.0, 1.0], [762.0, 450.0, 781.0, 524.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [606.0, 457.0, 624.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "average_area": [75767.11281165518], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 5], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 7, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "frame_count": 237, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1165.1, 437.53, 1285.36, 800.3, 1.2428], [619.41, 449.65, 679.039, 630.54, 1.2375], [749.54, 394.97, 945.52, 984.9200000000001, 0.69294], [505.0, 449.0, 544.0, 568.0, 0.56251], [780.76, 260.92, 1039.68, 1039.68, 0.44214], [1132.8, 309.67, 1303.28, 823.1200000000001, 0.38808]], "trackers": [[920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 0.0], [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837, 0.0], [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186, 0.0], [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485, 0.0], [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219, 0.0], [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393, 0.0], [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [924.0, 424.0, 1057.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [795.0, 408.0, 1040.0, 993.0, 1.0], [1139.0, 441.0, 1281.0, 801.0, 1.0], [755.0, 436.0, 900.0, 872.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 462.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [462.0, 460.0, 492.0, 542.0, 1.0], [622.0, 450.0, 685.0, 630.0, 1.0], [1185.0, 428.0, 1316.0, 746.0, 1.0], [1235.0, 448.0, 1282.0, 549.0, 1.0], [1067.0, 445.0, 1108.0, 561.0, 1.0], [748.0, 453.0, 767.0, 522.0, 1.0], [762.0, 450.0, 781.0, 523.0, 1.0], [597.0, 456.0, 616.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "average_area": [76133.4706092537], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 5], [4, 2], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "frame_count": 238, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1165.1, 437.53, 1285.36, 800.3, 1.566], [624.81, 442.87, 688.79, 636.81, 1.2378], [749.54, 394.97, 945.52, 984.9200000000001, 0.64424], [505.0, 449.0, 544.0, 568.0, 0.44536]], "trackers": [[922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 0.0], [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674, 0.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 0.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 0.0], [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164, 0.0], [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712, 0.0], [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [925.0, 423.0, 1058.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 444.0, 1006.0, 558.0, 1.0], [802.0, 408.0, 1040.0, 993.0, 1.0], [1145.0, 440.0, 1284.0, 802.0, 1.0], [757.0, 436.0, 904.0, 873.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 460.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [461.0, 460.0, 491.0, 542.0, 1.0], [623.0, 450.0, 690.0, 631.0, 1.0], [1185.0, 428.0, 1317.0, 747.0, 1.0], [1237.0, 448.0, 1284.0, 549.0, 1.0], [1069.0, 445.0, 1110.0, 561.0, 1.0], [749.0, 453.0, 768.0, 522.0, 1.0], [763.0, 450.0, 782.0, 523.0, 1.0], [597.0, 456.0, 617.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "average_area": [75251.88217698653], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "frame_count": 239, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[624.81, 442.87, 688.79, 636.81, 1.4184], [1165.1, 437.53, 1285.36, 800.3, 1.4174], [749.54, 394.97, 945.52, 984.9200000000001, 0.62391], [780.76, 260.92, 1039.68, 1039.68, 0.4736], [506.88, 446.86, 548.751, 574.47, 0.38896], [1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "trackers": [[925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 0.0], [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631, 0.0], [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742, 0.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 0.0], [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102, 0.0], [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902, 0.0], [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [926.0, 422.0, 1060.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [808.0, 408.0, 1040.0, 993.0, 1.0], [1151.0, 440.0, 1287.0, 803.0, 1.0], [758.0, 436.0, 908.0, 874.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 459.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [625.0, 451.0, 695.0, 631.0, 1.0], [1185.0, 428.0, 1319.0, 749.0, 1.0], [1239.0, 448.0, 1286.0, 550.0, 1.0], [1071.0, 445.0, 1112.0, 561.0, 1.0], [750.0, 453.0, 769.0, 522.0, 1.0], [764.0, 450.0, 783.0, 523.0, 1.0], [598.0, 456.0, 617.0, 516.0, 1.0], [608.0, 457.0, 626.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "average_area": [75166.23970992707], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 2], [4, 5]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "frame_count": 240, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]]}, "detections": [[505.0, 449.0, 544.0, 568.0, 1.3746], [1165.1, 437.53, 1285.36, 800.3, 1.3535], [624.81, 442.87, 688.79, 636.81, 1.2681], [1195.3, 359.28, 1343.59, 806.14, 0.54433], [717.57, 419.0, 865.86, 865.86, 0.47783], [749.54, 434.36, 945.52, 1024.31, 0.3809]], "trackers": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [927.0, 421.0, 1062.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [814.0, 408.0, 1040.0, 993.0, 1.0], [1160.0, 439.0, 1289.0, 801.0, 1.0], [759.0, 436.0, 912.0, 875.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 458.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [626.0, 451.0, 700.0, 632.0, 1.0], [1186.0, 429.0, 1321.0, 751.0, 1.0], [1241.0, 448.0, 1288.0, 550.0, 1.0], [1073.0, 445.0, 1114.0, 561.0, 1.0], [751.0, 453.0, 770.0, 522.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [609.0, 457.0, 627.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [714.0, 477.0, 730.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "average_area": [75216.46689096665], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 4], [3, 3], [5, 6]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 1, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "frame_count": 241, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]]}, "detections": [[505.0, 449.0, 544.0, 568.0, 1.5069], [1171.0, 418.86, 1309.29, 835.72, 1.1402], [624.81, 442.87, 688.79, 636.81, 1.1022], [747.43, 419.0, 895.7199999999999, 865.86, 0.65705]], "trackers": [[930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 0.0], [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293, 0.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 0.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 0.0], [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999, 0.0], [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393, 0.0], [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [929.0, 421.0, 1066.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [821.0, 408.0, 1040.0, 993.0, 1.0], [1169.0, 439.0, 1292.0, 800.0, 1.0], [761.0, 437.0, 917.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 457.0, 576.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [457.0, 460.0, 487.0, 542.0, 1.0], [628.0, 452.0, 705.0, 633.0, 1.0], [1193.0, 428.0, 1324.0, 751.0, 1.0], [1243.0, 448.0, 1290.0, 550.0, 1.0], [1075.0, 445.0, 1117.0, 561.0, 1.0], [753.0, 453.0, 772.0, 523.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "average_area": [72684.51265503377], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 4], [3, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 2, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "frame_count": 242, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[717.57, 419.0, 865.86, 865.86, 1.0272], [505.0, 449.0, 544.0, 568.0, 0.97963], [631.54, 449.65, 691.169, 630.54, 0.92196], [1189.3, 437.53, 1309.56, 800.3, 0.82279], [845.49, 338.79, 1055.6100000000001, 971.1500000000001, 0.49215]], "trackers": [[933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 0.0], [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961, 0.0], [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842, 0.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 0.0], [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031, 0.0], [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808, 0.0], [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [931.0, 421.0, 1070.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [830.0, 407.0, 1043.0, 997.0, 1.0], [1178.0, 438.0, 1295.0, 799.0, 1.0], [764.0, 436.0, 918.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [454.0, 460.0, 484.0, 542.0, 1.0], [629.0, 451.0, 705.0, 633.0, 1.0], [1201.0, 427.0, 1327.0, 751.0, 1.0], [1245.0, 448.0, 1292.0, 550.0, 1.0], [1077.0, 445.0, 1119.0, 561.0, 1.0], [754.0, 453.0, 773.0, 522.0, 1.0], [766.0, 450.0, 785.0, 523.0, 1.0], [599.0, 456.0, 619.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "average_area": [69211.25630705862], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 1], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "frame_count": 243, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.43, 419.0, 895.7199999999999, 865.86, 1.522], [631.54, 449.65, 691.169, 630.54, 1.4679], [505.0, 449.0, 544.0, 568.0, 1.4204], [825.55, 340.52, 1067.06, 1067.06, 0.75107], [1189.3, 437.53, 1309.56, 800.3, 0.48112]], "trackers": [[935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 0.0], [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464, 0.0], [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054, 0.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 0.0], [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148, 0.0], [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243, 0.0], [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [933.0, 421.0, 1075.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1016.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [839.0, 407.0, 1046.0, 1001.0, 1.0], [1188.0, 438.0, 1298.0, 798.0, 1.0], [767.0, 436.0, 919.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [452.0, 460.0, 482.0, 542.0, 1.0], [630.0, 451.0, 705.0, 633.0, 1.0], [1208.0, 427.0, 1330.0, 752.0, 1.0], [1247.0, 448.0, 1295.0, 550.0, 1.0], [1079.0, 445.0, 1121.0, 561.0, 1.0], [755.0, 453.0, 775.0, 522.0, 1.0], [767.0, 450.0, 786.0, 523.0, 1.0], [599.0, 457.0, 619.0, 516.0, 1.0], [611.0, 457.0, 629.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "average_area": [58520.676907773755], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 2], [4, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 3, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "frame_count": 244, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[631.54, 449.65, 691.169, 630.54, 2.0263], [747.43, 419.0, 895.7199999999999, 865.86, 1.5007], [505.0, 449.0, 544.0, 568.0, 1.4221], [815.59, 363.04, 1040.8600000000001, 1040.8600000000001, 0.96673], [1189.3, 437.53, 1309.56, 800.3, 0.89547], [1167.1, 343.97, 1337.58, 857.4200000000001, 0.40204]], "trackers": [[938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 0.0], [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368, 0.0], [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664, 0.0], [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922, 0.0], [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614, 0.0], [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541, 0.0], [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [935.0, 421.0, 1079.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [848.0, 407.0, 1049.0, 1005.0, 1.0], [1193.0, 438.0, 1305.0, 798.0, 1.0], [770.0, 436.0, 920.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [449.0, 460.0, 479.0, 542.0, 1.0], [631.0, 451.0, 706.0, 633.0, 1.0], [1216.0, 426.0, 1333.0, 752.0, 1.0], [1249.0, 448.0, 1297.0, 550.0, 1.0], [1081.0, 445.0, 1123.0, 561.0, 1.0], [756.0, 453.0, 776.0, 522.0, 1.0], [768.0, 450.0, 787.0, 523.0, 1.0], [600.0, 457.0, 619.0, 516.0, 1.0], [612.0, 457.0, 630.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1019.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "average_area": [60122.32610595256], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 5], [3, 2], [4, 1], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "frame_count": 245, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[747.43, 419.0, 895.7199999999999, 865.86, 1.6269], [505.0, 449.0, 544.0, 568.0, 1.4383], [1196.6, 442.87, 1325.56, 831.75, 1.31], [631.54, 449.65, 691.169, 630.54, 1.1971], [845.49, 381.02, 1055.6100000000001, 1013.38, 0.95187]], "trackers": [[940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 0.0], [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256, 0.0], [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661, 0.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 0.0], [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746, 0.0], [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959, 0.0], [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [937.0, 421.0, 1083.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [858.0, 407.0, 1052.0, 1010.0, 1.0], [1199.0, 438.0, 1312.0, 799.0, 1.0], [773.0, 435.0, 922.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [446.0, 460.0, 476.0, 542.0, 1.0], [632.0, 450.0, 706.0, 633.0, 1.0], [1223.0, 425.0, 1336.0, 752.0, 1.0], [1251.0, 448.0, 1299.0, 550.0, 1.0], [1083.0, 445.0, 1125.0, 561.0, 1.0], [757.0, 453.0, 778.0, 522.0, 1.0], [769.0, 450.0, 788.0, 523.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [613.0, 457.0, 631.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "average_area": [60729.29062081332], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 1], [3, 4], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "frame_count": 246, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[643.66, 449.65, 703.289, 630.54, 1.8551], [747.43, 419.0, 895.7199999999999, 865.86, 1.7836], [505.0, 449.0, 544.0, 568.0, 1.4546], [1195.3, 359.28, 1343.59, 806.14, 1.4483], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.2876]], "trackers": [[943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 0.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 0.0], [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413, 0.0], [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709, 0.0], [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894, 0.0], [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477, 0.0], [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [940.0, 421.0, 1088.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [867.0, 407.0, 1055.0, 1014.0, 1.0], [1204.0, 438.0, 1319.0, 800.0, 1.0], [777.0, 435.0, 923.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [444.0, 460.0, 474.0, 542.0, 1.0], [633.0, 450.0, 706.0, 633.0, 1.0], [1231.0, 425.0, 1339.0, 753.0, 1.0], [1253.0, 448.0, 1301.0, 551.0, 1.0], [1085.0, 445.0, 1128.0, 561.0, 1.0], [758.0, 453.0, 779.0, 522.0, 1.0], [769.0, 450.0, 788.0, 522.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [614.0, 457.0, 632.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "average_area": [58989.82019478766], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 5], [3, 3], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "frame_count": 247, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[643.66, 449.65, 703.289, 630.54, 2.0107], [777.28, 419.0, 925.5699999999999, 865.86, 1.9892], [1213.6, 437.53, 1333.86, 800.3, 1.7461], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.5193], [1201.4, 309.67, 1371.88, 823.1200000000001, 0.82371], [505.0, 449.0, 544.0, 568.0, 0.73012]], "trackers": [[946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 0.0], [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768, 0.0], [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446, 0.0], [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178, 0.0], [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532, 0.0], [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936, 0.0], [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [942.0, 421.0, 1096.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [876.0, 407.0, 1058.0, 1018.0, 1.0], [1210.0, 438.0, 1326.0, 801.0, 1.0], [780.0, 435.0, 924.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [441.0, 460.0, 471.0, 542.0, 1.0], [634.0, 450.0, 707.0, 633.0, 1.0], [1238.0, 424.0, 1342.0, 753.0, 1.0], [1255.0, 448.0, 1303.0, 551.0, 1.0], [1086.0, 445.0, 1130.0, 560.0, 1.0], [759.0, 453.0, 781.0, 522.0, 1.0], [769.0, 450.0, 789.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [615.0, 457.0, 633.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "average_area": [57902.96751171428], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [4, 3], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "frame_count": 248, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[637.81, 442.87, 701.79, 636.81, 2.5045], [777.28, 419.0, 925.5699999999999, 865.86, 2.1963], [1213.6, 437.53, 1333.86, 800.3, 1.6956], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.4805], [1201.4, 309.67, 1371.88, 823.1200000000001, 1.163], [505.0, 449.0, 544.0, 568.0, 0.87776]], "trackers": [[948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 0.0], [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137, 0.0], [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319, 0.0], [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199, 0.0], [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025, 0.0], [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164, 0.0], [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [944.0, 421.0, 1104.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [886.0, 407.0, 1061.0, 1023.0, 1.0], [1212.0, 438.0, 1347.0, 802.0, 1.0], [783.0, 434.0, 926.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [438.0, 460.0, 468.0, 542.0, 1.0], [637.0, 449.0, 707.0, 633.0, 1.0], [1246.0, 424.0, 1345.0, 754.0, 1.0], [1257.0, 448.0, 1305.0, 551.0, 1.0], [1087.0, 445.0, 1133.0, 560.0, 1.0], [760.0, 453.0, 783.0, 522.0, 1.0], [769.0, 450.0, 790.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [616.0, 457.0, 634.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "average_area": [59363.5961439048], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [4, 3], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "frame_count": 249, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[777.28, 419.0, 925.5699999999999, 865.86, 2.2757], [637.81, 442.87, 701.79, 636.81, 2.0705], [1225.1, 359.28, 1373.3899999999999, 806.14, 1.7097], [505.0, 449.0, 544.0, 568.0, 0.98918], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 0.95798], [553.0, 453.0, 572.0, 512.0, 0.71419]], "trackers": [[951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 0.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 0.0], [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547, 0.0], [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933, 0.0], [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189, 0.0], [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056, 0.0], [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [946.0, 421.0, 1112.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [895.0, 407.0, 1064.0, 1027.0, 1.0], [1214.0, 438.0, 1369.0, 803.0, 1.0], [786.0, 434.0, 927.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [436.0, 460.0, 466.0, 542.0, 1.0], [641.0, 449.0, 707.0, 634.0, 1.0], [1253.0, 423.0, 1359.0, 754.0, 1.0], [1259.0, 448.0, 1308.0, 551.0, 1.0], [1088.0, 445.0, 1136.0, 560.0, 1.0], [761.0, 453.0, 784.0, 522.0, 1.0], [769.0, 450.0, 791.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [617.0, 457.0, 635.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "average_area": [60105.09362720861], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 3], [3, 5], [4, 2]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249}, {"time_since_observed": 1, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "frame_count": 250, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]]}, "detections": [[769.0, 417.0, 928.0, 896.0, 2.4406], [643.66, 449.65, 703.289, 630.54, 2.0325], [1222.6, 442.87, 1351.56, 831.75, 1.3375], [874.05, 340.52, 1115.56, 1067.06, 1.0324], [506.88, 446.86, 548.751, 574.47, 0.65734]], "trackers": [[953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 0.0], [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939, 0.0], [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698, 0.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 0.0], [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449, 0.0], [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158, 0.0], [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [948.0, 421.0, 1121.0, 848.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [904.0, 407.0, 1067.0, 1031.0, 1.0], [1216.0, 438.0, 1391.0, 804.0, 1.0], [789.0, 434.0, 928.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [433.0, 460.0, 463.0, 542.0, 1.0], [645.0, 448.0, 707.0, 634.0, 1.0], [1260.0, 422.0, 1374.0, 754.0, 1.0], [1857.0, 413.0, 2069.0, 784.0, 1.0], [1261.0, 448.0, 1310.0, 551.0, 1.0], [1089.0, 445.0, 1139.0, 560.0, 1.0], [762.0, 453.0, 786.0, 522.0, 1.0], [769.0, 450.0, 792.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [618.0, 457.0, 636.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 432.0, 610.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "average_area": [58513.51472166822], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 1], [3, 2], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "frame_count": 251, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[777.28, 448.86, 925.5699999999999, 895.72, 2.1417], [655.79, 449.65, 715.419, 630.54, 1.7472], [1222.6, 442.87, 1351.56, 831.75, 1.0241], [907.12, 434.36, 1103.1, 1024.31, 0.74509], [554.04, 455.43, 574.4749999999999, 518.736, 0.6905], [506.88, 446.86, 548.751, 574.47, 0.68975]], "trackers": [[956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 0.0], [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195, 0.0], [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327, 0.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 0.0], [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083, 0.0], [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936, 0.0], [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [950.0, 421.0, 1122.0, 849.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 593.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [914.0, 407.0, 1070.0, 1036.0, 1.0], [1219.0, 438.0, 1413.0, 806.0, 1.0], [793.0, 434.0, 930.0, 880.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [431.0, 461.0, 461.0, 543.0, 1.0], [649.0, 448.0, 707.0, 635.0, 1.0], [1268.0, 422.0, 1389.0, 755.0, 1.0], [1846.0, 411.0, 2048.0, 783.0, 1.0], [1263.0, 448.0, 1312.0, 551.0, 1.0], [1090.0, 445.0, 1142.0, 560.0, 1.0], [763.0, 453.0, 787.0, 522.0, 1.0], [769.0, 450.0, 793.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 520.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "average_area": [62109.78534768047], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 1], [3, 2], [5, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "frame_count": 252, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]]}, "detections": [[777.28, 448.86, 925.5699999999999, 895.72, 1.9852], [650.8, 442.87, 714.78, 636.81, 1.9457], [887.71, 381.02, 1097.83, 1013.38, 0.95929], [1226.7, 391.01, 1364.99, 807.87, 0.83404], [505.0, 449.0, 544.0, 568.0, 0.58475], [761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "trackers": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [952.0, 422.0, 1123.0, 851.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1013.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 446.0, 1008.0, 559.0, 1.0], [917.0, 407.0, 1074.0, 1037.0, 1.0], [1221.0, 438.0, 1417.0, 807.0, 1.0], [795.0, 434.0, 931.0, 883.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [415.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [430.0, 461.0, 460.0, 543.0, 1.0], [650.0, 448.0, 709.0, 635.0, 1.0], [1268.0, 422.0, 1399.0, 756.0, 1.0], [1836.0, 409.0, 2028.0, 782.0, 1.0], [1265.0, 448.0, 1314.0, 551.0, 1.0], [1091.0, 445.0, 1145.0, 560.0, 1.0], [764.0, 453.0, 789.0, 522.0, 1.0], [769.0, 450.0, 794.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "average_area": [57099.55907474278], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 2], [3, 1], [4, 5]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "frame_count": 253, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]]}, "detections": [[801.0, 417.0, 960.0, 896.0, 1.7892], [655.79, 449.65, 715.419, 630.54, 1.6272], [887.71, 381.02, 1097.83, 1013.38, 1.1157], [506.88, 446.86, 548.751, 574.47, 0.90241]], "trackers": [[961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 0.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 0.0], [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543, 0.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 0.0], [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817, 0.0], [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679, 0.0], [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [954.0, 423.0, 1124.0, 853.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [920.0, 407.0, 1078.0, 1038.0, 1.0], [1223.0, 438.0, 1421.0, 808.0, 1.0], [797.0, 434.0, 933.0, 886.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [414.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [429.0, 461.0, 459.0, 543.0, 1.0], [651.0, 448.0, 711.0, 635.0, 1.0], [1269.0, 422.0, 1410.0, 757.0, 1.0], [1826.0, 407.0, 2008.0, 781.0, 1.0], [1267.0, 448.0, 1316.0, 551.0, 1.0], [1092.0, 445.0, 1148.0, 560.0, 1.0], [766.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 795.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [620.0, 457.0, 638.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "average_area": [57502.18099374439], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 2], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253}, {"time_since_observed": 1, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "frame_count": 254, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[807.14, 448.86, 955.43, 895.72, 1.9781], [655.79, 449.65, 715.419, 630.54, 1.2379], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1165], [506.88, 446.86, 548.751, 574.47, 1.0184]], "trackers": [[964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 0.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 0.0], [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218, 0.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 0.0], [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606, 0.0], [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529, 0.0], [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [956.0, 424.0, 1125.0, 855.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [923.0, 407.0, 1082.0, 1039.0, 1.0], [1226.0, 438.0, 1425.0, 810.0, 1.0], [800.0, 434.0, 934.0, 889.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [413.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [652.0, 448.0, 713.0, 635.0, 1.0], [1269.0, 422.0, 1420.0, 758.0, 1.0], [1816.0, 405.0, 1988.0, 780.0, 1.0], [1269.0, 448.0, 1318.0, 552.0, 1.0], [1093.0, 445.0, 1151.0, 560.0, 1.0], [767.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 796.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [621.0, 457.0, 639.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "average_area": [58228.73308030546], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 2], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254}, {"time_since_observed": 2, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "frame_count": 255, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[801.0, 417.0, 960.0, 896.0, 1.8996], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1609], [655.65, 432.79, 724.294, 640.72, 1.0184], [506.88, 446.86, 548.751, 574.47, 0.69858]], "trackers": [[966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 0.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 0.0], [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144, 0.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 0.0], [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389, 0.0], [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731, 0.0], [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [958.0, 424.0, 1127.0, 856.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [926.0, 407.0, 1086.0, 1040.0, 1.0], [1228.0, 438.0, 1429.0, 811.0, 1.0], [802.0, 434.0, 936.0, 893.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [412.0, 464.0, 450.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [654.0, 449.0, 715.0, 636.0, 1.0], [1270.0, 423.0, 1431.0, 760.0, 1.0], [1806.0, 404.0, 1968.0, 779.0, 1.0], [1271.0, 448.0, 1321.0, 552.0, 1.0], [1094.0, 445.0, 1154.0, 560.0, 1.0], [768.0, 453.0, 792.0, 523.0, 1.0], [770.0, 449.0, 796.0, 522.0, 1.0], [605.0, 458.0, 625.0, 517.0, 1.0], [622.0, 457.0, 640.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "average_area": [59376.752801466275], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 4], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255}, {"time_since_observed": 3, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "frame_count": 256, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[807.14, 448.86, 955.43, 895.72, 1.6724], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1681], [655.65, 446.72, 724.294, 654.6500000000001, 0.96596], [506.88, 446.86, 548.751, 574.47, 0.60251], [803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "trackers": [[969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 0.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 0.0], [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216, 0.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 0.0], [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126, 0.0], [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581, 0.0], [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [960.0, 425.0, 1128.0, 858.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [929.0, 407.0, 1090.0, 1041.0, 1.0], [1231.0, 438.0, 1434.0, 813.0, 1.0], [804.0, 434.0, 937.0, 896.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [411.0, 464.0, 450.0, 574.0, 1.0], [513.0, 454.0, 545.0, 562.0, 1.0], [469.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 461.0, 457.0, 543.0, 1.0], [655.0, 449.0, 717.0, 636.0, 1.0], [1270.0, 422.0, 1432.0, 761.0, 1.0], [1789.0, 404.0, 1960.0, 778.0, 1.0], [1273.0, 448.0, 1323.0, 552.0, 1.0], [1096.0, 445.0, 1157.0, 560.0, 1.0], [769.0, 453.0, 793.0, 523.0, 1.0], [771.0, 449.0, 797.0, 522.0, 1.0], [605.0, 459.0, 625.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 449.0, 1024.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 431.0, 620.0, 473.0, 1.0]], "average_area": [61058.94598951069], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 4], [3, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "frame_count": 257, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]]}, "detections": [[906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.5437], [807.14, 448.86, 955.43, 895.72, 1.115], [506.88, 446.86, 548.751, 574.47, 0.92556], [667.92, 449.65, 727.549, 630.54, 0.91817], [803.26, 296.57, 1013.38, 928.9300000000001, 0.49654]], "trackers": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [962.0, 426.0, 1129.0, 860.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [932.0, 407.0, 1094.0, 1042.0, 1.0], [1240.0, 437.0, 1435.0, 815.0, 1.0], [807.0, 434.0, 939.0, 899.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [410.0, 464.0, 450.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [656.0, 449.0, 719.0, 636.0, 1.0], [1271.0, 422.0, 1434.0, 762.0, 1.0], [1772.0, 405.0, 1953.0, 778.0, 1.0], [1275.0, 448.0, 1325.0, 552.0, 1.0], [1097.0, 445.0, 1158.0, 560.0, 1.0], [770.0, 453.0, 794.0, 524.0, 1.0], [772.0, 449.0, 798.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "average_area": [60792.504481993434], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 5], [3, 4], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 5, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 8, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "frame_count": 258, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[807.14, 448.86, 955.43, 895.72, 1.3119], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.2887], [663.8, 442.87, 727.78, 636.81, 1.2073], [506.88, 446.86, 548.751, 574.47, 0.61008], [803.26, 296.57, 1013.38, 928.9300000000001, 0.60198]], "trackers": [[802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387, 0.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 0.0], [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367, 0.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 0.0], [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851, 0.0], [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013, 0.0], [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [964.0, 427.0, 1130.0, 862.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [935.0, 407.0, 1098.0, 1043.0, 1.0], [1249.0, 436.0, 1436.0, 817.0, 1.0], [809.0, 434.0, 941.0, 902.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [409.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [658.0, 450.0, 721.0, 637.0, 1.0], [1271.0, 422.0, 1436.0, 763.0, 1.0], [1755.0, 406.0, 1946.0, 777.0, 1.0], [1277.0, 448.0, 1327.0, 552.0, 1.0], [1098.0, 445.0, 1159.0, 560.0, 1.0], [771.0, 453.0, 795.0, 524.0, 1.0], [773.0, 448.0, 799.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [624.0, 457.0, 642.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "average_area": [70380.27006909935], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 4], [3, 5], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 6, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 9, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "frame_count": 259, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.2852], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.0113], [506.88, 446.86, 548.751, 574.47, 0.7873], [663.8, 442.87, 727.78, 636.81, 0.51283], [1768.5, 390.88, 1897.46, 779.76, 0.45599], [780.76, 260.92, 1039.68, 1039.68, 0.30437]], "trackers": [[799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798, 0.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 0.0], [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271, 0.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 0.0], [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929, 0.0], [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961, 0.0], [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [966.0, 428.0, 1132.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 448.0, 1010.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [938.0, 407.0, 1102.0, 1044.0, 1.0], [1258.0, 435.0, 1437.0, 819.0, 1.0], [811.0, 434.0, 942.0, 906.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [408.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 461.0, 455.0, 543.0, 1.0], [659.0, 450.0, 723.0, 637.0, 1.0], [1272.0, 422.0, 1438.0, 765.0, 1.0], [1738.0, 407.0, 1939.0, 777.0, 1.0], [1279.0, 448.0, 1329.0, 552.0, 1.0], [1100.0, 445.0, 1161.0, 561.0, 1.0], [772.0, 453.0, 796.0, 525.0, 1.0], [774.0, 448.0, 800.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [625.0, 457.0, 643.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "average_area": [70632.05944203556], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 5], [3, 4], [5, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "frame_count": 260, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]]}, "detections": [[801.0, 417.0, 960.0, 896.0, 1.5862], [669.58, 432.79, 738.224, 640.72, 0.97237], [929.93, 381.02, 1140.05, 1013.38, 0.83047], [1768.5, 390.88, 1897.46, 779.76, 0.76917], [505.0, 449.0, 544.0, 568.0, 0.58572], [825.55, 292.02, 1067.06, 1018.56, 0.56613]], "trackers": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [968.0, 427.0, 1133.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [941.0, 407.0, 1106.0, 1045.0, 1.0], [1267.0, 435.0, 1439.0, 821.0, 1.0], [814.0, 434.0, 944.0, 909.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [407.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [660.0, 450.0, 725.0, 637.0, 1.0], [1280.0, 422.0, 1438.0, 767.0, 1.0], [1721.0, 408.0, 1932.0, 776.0, 1.0], [1281.0, 448.0, 1331.0, 552.0, 1.0], [1101.0, 444.0, 1160.0, 559.0, 1.0], [773.0, 453.0, 797.0, 526.0, 1.0], [775.0, 448.0, 801.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [626.0, 457.0, 644.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "average_area": [78916.25335657185], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 2], [4, 5], [5, 0]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 8, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "frame_count": 261, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]]}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.3239], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1026], [505.0, 449.0, 544.0, 568.0, 0.69447], [667.92, 461.78, 727.549, 642.67, 0.61818], [1310.3, 418.86, 1448.59, 835.72, 0.34216]], "trackers": [[811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 0.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 0.0], [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212, 0.0], [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801, 0.0], [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219, 0.0], [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626, 0.0], [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [970.0, 427.0, 1134.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [945.0, 407.0, 1110.0, 1046.0, 1.0], [1282.0, 434.0, 1440.0, 823.0, 1.0], [816.0, 434.0, 945.0, 912.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [406.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [662.0, 451.0, 727.0, 638.0, 1.0], [1288.0, 422.0, 1439.0, 769.0, 1.0], [1704.0, 409.0, 1925.0, 776.0, 1.0], [1283.0, 448.0, 1334.0, 553.0, 1.0], [1103.0, 444.0, 1160.0, 558.0, 1.0], [774.0, 453.0, 798.0, 525.0, 1.0], [776.0, 447.0, 802.0, 522.0, 1.0], [608.0, 460.0, 628.0, 519.0, 1.0], [627.0, 457.0, 645.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "average_area": [76949.6472705005], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 5], [3, 4], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 9, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "frame_count": 262, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4465], [505.0, 449.0, 544.0, 568.0, 1.2801], [887.71, 381.02, 1097.83, 1013.38, 0.92591], [672.78, 433.93, 746.423, 656.86, 0.64423], [626.92, 455.43, 647.3549999999999, 518.736, 0.48753], [1314.7, 389.14, 1462.99, 836.0, 0.43968]], "trackers": [[811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 0.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 0.0], [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612, 0.0], [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612, 0.0], [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727, 0.0], [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306, 0.0], [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [972.0, 427.0, 1135.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [946.0, 407.0, 1111.0, 1046.0, 1.0], [1297.0, 433.0, 1441.0, 825.0, 1.0], [818.0, 434.0, 947.0, 915.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [404.0, 464.0, 447.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 461.0, 453.0, 543.0, 1.0], [664.0, 450.0, 729.0, 638.0, 1.0], [1296.0, 422.0, 1440.0, 771.0, 1.0], [1688.0, 410.0, 1918.0, 776.0, 1.0], [1286.0, 448.0, 1335.0, 552.0, 1.0], [1105.0, 444.0, 1160.0, 557.0, 1.0], [776.0, 453.0, 799.0, 525.0, 1.0], [777.0, 447.0, 803.0, 522.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [627.0, 457.0, 646.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [523.0, 457.0, 550.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "average_area": [73336.21441684182], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 2], [3, 4], [5, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "frame_count": 263, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]]}, "detections": [[505.0, 449.0, 544.0, 568.0, 1.3971], [789.83, 412.56, 960.3100000000001, 926.01, 1.2807], [669.58, 446.72, 738.224, 654.6500000000001, 1.2114], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0808], [629.0, 457.0, 648.0, 516.0, 0.94174], [1310.3, 418.86, 1448.59, 835.72, 0.73916]], "trackers": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [974.0, 426.0, 1137.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [947.0, 407.0, 1112.0, 1046.0, 1.0], [1313.0, 433.0, 1443.0, 828.0, 1.0], [821.0, 435.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [403.0, 464.0, 445.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 461.0, 452.0, 543.0, 1.0], [666.0, 450.0, 731.0, 638.0, 1.0], [1307.0, 422.0, 1444.0, 771.0, 1.0], [1683.0, 411.0, 1904.0, 772.0, 1.0], [1290.0, 448.0, 1336.0, 552.0, 1.0], [1106.0, 444.0, 1160.0, 555.0, 1.0], [778.0, 453.0, 800.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [628.0, 457.0, 648.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [524.0, 457.0, 551.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "average_area": [75564.98921372987], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 4], [3, 2], [5, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "frame_count": 264, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]]}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5266], [907.12, 394.97, 1103.1, 984.9200000000001, 1.2344], [505.0, 449.0, 544.0, 568.0, 1.0469], [672.78, 433.93, 746.423, 656.86, 0.86736], [1326.6, 442.87, 1455.56, 831.75, 0.62966], [629.0, 457.0, 648.0, 516.0, 0.61433]], "trackers": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [976.0, 426.0, 1138.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [948.0, 407.0, 1113.0, 1046.0, 1.0], [1322.0, 432.0, 1452.0, 830.0, 1.0], [821.0, 434.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [402.0, 464.0, 444.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [466.0, 458.0, 496.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 461.0, 451.0, 543.0, 1.0], [668.0, 450.0, 733.0, 638.0, 1.0], [1318.0, 422.0, 1449.0, 772.0, 1.0], [1678.0, 412.0, 1890.0, 769.0, 1.0], [1293.0, 448.0, 1337.0, 551.0, 1.0], [1108.0, 444.0, 1160.0, 554.0, 1.0], [780.0, 453.0, 801.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 649.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [525.0, 457.0, 551.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "average_area": [73853.9344080118], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 5], [3, 4], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 12, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 265, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5955], [672.78, 433.93, 746.423, 656.86, 1.4754], [505.0, 449.0, 544.0, 568.0, 1.1054], [1338.2, 418.86, 1476.49, 835.72, 1.0068], [907.12, 394.97, 1103.1, 984.9200000000001, 0.9703]], "trackers": [[811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 0.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 0.0], [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694, 0.0], [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252, 0.0], [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833, 0.0], [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192, 0.0], [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [979.0, 426.0, 1139.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [949.0, 407.0, 1114.0, 1046.0, 1.0], [1332.0, 431.0, 1461.0, 832.0, 1.0], [821.0, 434.0, 950.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [401.0, 464.0, 442.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [465.0, 458.0, 495.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 461.0, 450.0, 543.0, 1.0], [670.0, 449.0, 735.0, 638.0, 1.0], [1329.0, 422.0, 1453.0, 773.0, 1.0], [1674.0, 413.0, 1876.0, 765.0, 1.0], [1297.0, 448.0, 1338.0, 551.0, 1.0], [1110.0, 444.0, 1160.0, 553.0, 1.0], [782.0, 453.0, 802.0, 525.0, 1.0], [779.0, 447.0, 805.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 651.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [526.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "average_area": [64829.09025145869], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 3], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 13, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2}], "frame_count": 266, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6816], [505.0, 449.0, 544.0, 568.0, 1.1592], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1139], [676.79, 442.87, 740.77, 636.81, 1.016], [1674.4, 413.27, 1794.66, 776.04, 0.78249], [1338.2, 418.86, 1476.49, 835.72, 0.54073]], "trackers": [[811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 0.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 0.0], [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041, 0.0], [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197, 0.0], [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133, 0.0], [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355, 0.0], [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [981.0, 426.0, 1140.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [950.0, 407.0, 1115.0, 1046.0, 1.0], [1342.0, 431.0, 1470.0, 835.0, 1.0], [821.0, 433.0, 951.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [400.0, 464.0, 441.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [464.0, 458.0, 494.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 461.0, 449.0, 543.0, 1.0], [672.0, 449.0, 737.0, 638.0, 1.0], [1340.0, 423.0, 1458.0, 774.0, 1.0], [1669.0, 414.0, 1862.0, 762.0, 1.0], [1300.0, 448.0, 1339.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [784.0, 453.0, 804.0, 525.0, 1.0], [780.0, 447.0, 806.0, 523.0, 1.0], [610.0, 459.0, 630.0, 518.0, 1.0], [630.0, 457.0, 652.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 721.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [527.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "average_area": [65450.451604333546], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 2], [3, 4], [5, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "frame_count": 267, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]]}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6507], [1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297], [505.0, 449.0, 544.0, 568.0, 1.0638], [1338.2, 418.86, 1476.49, 835.72, 1.0428], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0373], [672.78, 433.93, 746.423, 656.86, 0.98773]], "trackers": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [983.0, 425.0, 1142.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [951.0, 407.0, 1116.0, 1046.0, 1.0], [1346.0, 431.0, 1487.0, 834.0, 1.0], [821.0, 433.0, 952.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [398.0, 464.0, 439.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 461.0, 448.0, 543.0, 1.0], [674.0, 449.0, 739.0, 639.0, 1.0], [1346.0, 422.0, 1467.0, 775.0, 1.0], [1665.0, 415.0, 1848.0, 758.0, 1.0], [1304.0, 448.0, 1341.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [785.0, 453.0, 806.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 654.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [528.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "average_area": [65373.13324900514], "iou_threshold": 0.3, "ret_matches": [[0, 6], [2, 5], [3, 3], [4, 2], [5, 4]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "frame_count": 268, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]]}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5415], [1352.6, 442.87, 1481.56, 831.75, 1.4159], [1650.1, 413.27, 1770.36, 776.04, 1.3852], [672.78, 433.93, 746.423, 656.86, 1.1111], [505.0, 449.0, 544.0, 568.0, 0.93192], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7975]], "trackers": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [985.0, 425.0, 1143.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1007.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [952.0, 407.0, 1117.0, 1046.0, 1.0], [1350.0, 432.0, 1504.0, 834.0, 1.0], [821.0, 432.0, 953.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [397.0, 464.0, 437.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 461.0, 447.0, 543.0, 1.0], [678.0, 448.0, 741.0, 639.0, 1.0], [1352.0, 421.0, 1476.0, 777.0, 1.0], [1660.0, 416.0, 1834.0, 755.0, 1.0], [1305.0, 447.0, 1345.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [786.0, 453.0, 808.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 655.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [529.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "average_area": [65664.60980061433], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [3, 4], [4, 5], [5, 2]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 269, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5542], [672.78, 433.93, 746.423, 656.86, 1.5357], [1352.6, 442.87, 1481.56, 831.75, 1.4875], [505.0, 449.0, 544.0, 568.0, 1.3018], [1650.1, 413.27, 1770.36, 776.04, 1.2305], [907.12, 394.97, 1103.1, 984.9200000000001, 0.77671], [780.76, 260.92, 1039.68, 1039.68, 0.36035]], "trackers": [[811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365, 0.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 0.0], [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621, 0.0], [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375, 0.0], [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982, 0.0], [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756, 0.0], [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659, 0.0], [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [987.0, 425.0, 1144.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [953.0, 407.0, 1118.0, 1046.0, 1.0], [1355.0, 433.0, 1522.0, 834.0, 1.0], [821.0, 432.0, 954.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [396.0, 464.0, 436.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [462.0, 458.0, 492.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 461.0, 446.0, 543.0, 1.0], [682.0, 447.0, 743.0, 640.0, 1.0], [1358.0, 420.0, 1485.0, 778.0, 1.0], [1656.0, 417.0, 1821.0, 752.0, 1.0], [1307.0, 446.0, 1349.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [788.0, 453.0, 811.0, 524.0, 1.0], [782.0, 447.0, 808.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [632.0, 457.0, 657.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [530.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 436.0, 613.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "average_area": [74741.26293820144], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 3], [3, 5], [4, 7], [5, 2], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 270, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4379], [505.0, 449.0, 544.0, 568.0, 1.2301], [672.78, 433.93, 746.423, 656.86, 1.1111], [907.12, 394.97, 1103.1, 984.9200000000001, 0.7736], [1366.0, 418.86, 1504.29, 835.72, 0.76954], [1652.8, 408.29, 1764.94, 746.7, 0.76833], [815.59, 272.53, 1040.8600000000001, 950.35, 0.47643]], "trackers": [[780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512, 0.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 0.0], [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564, 0.0], [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412, 0.0], [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742, 0.0], [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364, 0.0], [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719, 0.0], [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [990.0, 425.0, 1146.0, 870.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [954.0, 407.0, 1119.0, 1046.0, 1.0], [1358.0, 433.0, 1536.0, 835.0, 1.0], [821.0, 431.0, 955.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [395.0, 464.0, 434.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [461.0, 458.0, 491.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 462.0, 446.0, 544.0, 1.0], [686.0, 446.0, 745.0, 641.0, 1.0], [1364.0, 420.0, 1494.0, 780.0, 1.0], [1647.0, 414.0, 1795.0, 751.0, 1.0], [1309.0, 445.0, 1353.0, 549.0, 1.0], [1112.0, 445.0, 1160.0, 553.0, 1.0], [789.0, 453.0, 813.0, 524.0, 1.0], [783.0, 447.0, 809.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [633.0, 457.0, 658.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [531.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1029.0, 538.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "average_area": [74545.32643638893], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 2], [4, 3], [5, 7], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 271, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.5471], [1652.8, 408.29, 1764.94, 746.7, 1.2699], [505.0, 449.0, 544.0, 568.0, 1.1919], [1378.6, 442.87, 1507.56, 831.75, 1.13], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7456], [689.79, 442.87, 753.77, 636.81, 0.52151], [781.01, 223.86, 1058.59, 1058.5900000000001, 0.43615]], "trackers": [[803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265, 0.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 0.0], [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765, 0.0], [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061, 0.0], [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462, 0.0], [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497, 0.0], [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309, 0.0], [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [991.0, 424.0, 1148.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [955.0, 407.0, 1120.0, 1046.0, 1.0], [1362.0, 434.0, 1551.0, 836.0, 1.0], [821.0, 431.0, 956.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [394.0, 465.0, 433.0, 577.0, 1.0], [512.0, 455.0, 544.0, 563.0, 1.0], [460.0, 458.0, 490.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 462.0, 445.0, 544.0, 1.0], [690.0, 446.0, 748.0, 642.0, 1.0], [1367.0, 420.0, 1505.0, 781.0, 1.0], [1639.0, 412.0, 1770.0, 750.0, 1.0], [1311.0, 445.0, 1357.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [790.0, 453.0, 815.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [634.0, 458.0, 660.0, 519.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 555.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "average_area": [68281.51363422099], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 7], [2, 5], [3, 3], [4, 2], [5, 4], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 272, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[789.83, 412.56, 960.3100000000001, 926.01, 1.629], [1630.2, 408.29, 1742.3400000000001, 746.7, 1.2206], [505.0, 449.0, 544.0, 568.0, 1.1484], [825.55, 292.02, 1067.06, 1018.56, 0.97137], [1374.4, 419.0, 1522.69, 865.86, 0.3628], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.36174]], "trackers": [[788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101, 0.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 0.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 0.0], [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719, 0.0], [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218, 0.0], [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093, 0.0], [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291, 0.0], [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [993.0, 423.0, 1150.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [957.0, 406.0, 1121.0, 1045.0, 1.0], [1366.0, 435.0, 1566.0, 838.0, 1.0], [821.0, 430.0, 958.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 462.0, 444.0, 544.0, 1.0], [692.0, 446.0, 753.0, 641.0, 1.0], [1371.0, 420.0, 1517.0, 782.0, 1.0], [1630.0, 409.0, 1745.0, 749.0, 1.0], [1312.0, 445.0, 1358.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [792.0, 453.0, 818.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [635.0, 458.0, 660.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "average_area": [74649.28478173699], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 7], [2, 5], [3, 0], [4, 3], [5, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 273, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.4606], [505.0, 449.0, 544.0, 568.0, 1.2702], [1625.8, 389.02, 1746.06, 751.79, 1.2642], [639.78, 455.43, 660.2149999999999, 518.736, 0.77977], [874.05, 292.02, 1115.56, 1018.56, 0.73525], [689.79, 442.87, 753.77, 636.81, 0.5048], [1374.4, 419.0, 1522.69, 865.86, 0.37651]], "trackers": [[813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 0.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 0.0], [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362, 0.0], [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492, 0.0], [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592, 0.0], [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631, 0.0], [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446, 0.0], [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [995.0, 422.0, 1152.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [960.0, 406.0, 1123.0, 1045.0, 1.0], [1370.0, 435.0, 1570.0, 841.0, 1.0], [822.0, 430.0, 960.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 462.0, 443.0, 544.0, 1.0], [694.0, 446.0, 758.0, 641.0, 1.0], [1375.0, 420.0, 1528.0, 783.0, 1.0], [1622.0, 407.0, 1720.0, 749.0, 1.0], [1313.0, 445.0, 1360.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 819.0, 523.0, 1.0], [785.0, 447.0, 811.0, 523.0, 1.0], [613.0, 458.0, 633.0, 517.0, 1.0], [636.0, 458.0, 661.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "average_area": [73060.6574958258], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 7], [4, 2], [5, 4], [6, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 273}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 274, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]]}, "detections": [[1607.5, 408.29, 1719.64, 746.7, 1.5653], [824.12, 412.56, 994.6, 926.01, 1.4046], [505.0, 449.0, 544.0, 568.0, 1.1524], [825.55, 292.02, 1067.06, 1018.56, 0.99906], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.90926]], "trackers": [[814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942, 0.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 0.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 0.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 0.0], [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156, 0.0], [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671, 0.0], [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864, 0.0], [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [997.0, 422.0, 1154.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 448.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [963.0, 406.0, 1124.0, 1044.0, 1.0], [1374.0, 436.0, 1575.0, 845.0, 1.0], [823.0, 430.0, 963.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [458.0, 458.0, 488.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 462.0, 442.0, 544.0, 1.0], [696.0, 446.0, 764.0, 641.0, 1.0], [1379.0, 421.0, 1540.0, 785.0, 1.0], [1608.0, 409.0, 1716.0, 748.0, 1.0], [1314.0, 445.0, 1361.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 820.0, 523.0, 1.0], [786.0, 447.0, 812.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [637.0, 458.0, 662.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "average_area": [78327.84086991774], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 5], [3, 0], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 275, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 1.3684], [1607.5, 408.29, 1719.64, 746.7, 1.1497], [825.55, 292.02, 1067.06, 1018.56, 1.1458], [505.0, 449.0, 544.0, 568.0, 1.1366], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.92053]], "trackers": [[824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598, 0.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 0.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 0.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 0.0], [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542, 0.0], [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828, 0.0], [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071, 0.0], [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [999.0, 421.0, 1156.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [966.0, 405.0, 1126.0, 1044.0, 1.0], [1378.0, 436.0, 1580.0, 848.0, 1.0], [823.0, 430.0, 965.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [457.0, 458.0, 487.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 462.0, 441.0, 544.0, 1.0], [699.0, 446.0, 769.0, 640.0, 1.0], [1381.0, 420.0, 1542.0, 785.0, 1.0], [1595.0, 411.0, 1713.0, 748.0, 1.0], [1315.0, 445.0, 1363.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [793.0, 452.0, 821.0, 523.0, 1.0], [787.0, 447.0, 813.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [638.0, 458.0, 663.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 434.0, 624.0, 476.0, 1.0]], "average_area": [76233.24939911897], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 7], [2, 0], [3, 5], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193}, {"time_since_observed": 2, "confidence": 1, "age": 191}, {"time_since_observed": 2, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 276, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 1.6267], [505.0, 449.0, 544.0, 568.0, 1.2479], [702.79, 442.87, 766.77, 636.81, 1.2004], [825.55, 292.02, 1067.06, 1018.56, 1.1544], [1607.5, 408.29, 1719.64, 746.7, 0.74482], [1409.0, 385.0, 1568.0, 864.0, 0.37972]], "trackers": [[826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148, 0.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 0.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 0.0], [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172, 0.0], [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153, 0.0], [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807, 0.0], [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638, 0.0], [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1000.0, 420.0, 1159.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [969.0, 405.0, 1128.0, 1044.0, 1.0], [1382.0, 437.0, 1585.0, 852.0, 1.0], [824.0, 430.0, 968.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [456.0, 458.0, 486.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 462.0, 440.0, 544.0, 1.0], [701.0, 446.0, 775.0, 640.0, 1.0], [1383.0, 420.0, 1544.0, 786.0, 1.0], [1582.0, 413.0, 1709.0, 747.0, 1.0], [1316.0, 445.0, 1365.0, 549.0, 1.0], [1114.0, 447.0, 1162.0, 555.0, 1.0], [793.0, 451.0, 822.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [615.0, 459.0, 635.0, 518.0, 1.0], [640.0, 458.0, 664.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "average_area": [75621.267442002], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 0], [4, 7], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194}, {"time_since_observed": 3, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 277, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 1.3894], [505.0, 449.0, 544.0, 568.0, 1.0398], [825.55, 292.02, 1067.06, 1018.56, 1.0134], [702.79, 442.87, 766.77, 636.81, 0.95753], [1584.9, 408.29, 1697.0400000000002, 746.7, 0.38357], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.36654]], "trackers": [[827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025, 0.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 0.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 0.0], [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228, 0.0], [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151, 0.0], [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837, 0.0], [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619, 0.0], [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1002.0, 419.0, 1161.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1004.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1012.0, 561.0, 1.0], [972.0, 405.0, 1129.0, 1043.0, 1.0], [1394.0, 436.0, 1588.0, 852.0, 1.0], [825.0, 429.0, 970.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 462.0, 439.0, 544.0, 1.0], [703.0, 446.0, 780.0, 640.0, 1.0], [1385.0, 419.0, 1546.0, 787.0, 1.0], [1569.0, 416.0, 1706.0, 747.0, 1.0], [1319.0, 445.0, 1366.0, 549.0, 1.0], [1117.0, 447.0, 1165.0, 555.0, 1.0], [794.0, 451.0, 823.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [641.0, 458.0, 665.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "average_area": [76475.49287371976], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 0], [3, 4], [4, 7], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195}, {"time_since_observed": 4, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 278, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.097], [505.0, 449.0, 544.0, 568.0, 1.2142], [704.29, 449.65, 763.919, 630.54, 0.83988], [825.55, 292.02, 1067.06, 1018.56, 0.60481], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.56771]], "trackers": [[827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022, 0.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 0.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 0.0], [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527, 0.0], [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155, 0.0], [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936, 0.0], [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875, 0.0], [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1004.0, 419.0, 1163.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [975.0, 404.0, 1131.0, 1043.0, 1.0], [1407.0, 435.0, 1592.0, 852.0, 1.0], [825.0, 429.0, 972.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 462.0, 438.0, 544.0, 1.0], [706.0, 447.0, 786.0, 640.0, 1.0], [1387.0, 419.0, 1548.0, 788.0, 1.0], [1555.0, 418.0, 1703.0, 746.0, 1.0], [1322.0, 445.0, 1368.0, 549.0, 1.0], [1120.0, 447.0, 1168.0, 555.0, 1.0], [794.0, 451.0, 824.0, 522.0, 1.0], [789.0, 447.0, 815.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [642.0, 458.0, 666.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "average_area": [75751.8539477187], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 0], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196}, {"time_since_observed": 5, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11}], "frame_count": 279, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.1811], [505.0, 449.0, 544.0, 568.0, 1.2031], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.80493], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.64938], [1333.1, 449.36, 1364.59, 545.83, 0.47339], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.30923]], "trackers": [[827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 0.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 0.0], [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291, 0.0], [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752, 0.0], [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071, 0.0], [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032, 0.0], [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676, 0.0], [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1006.0, 418.0, 1165.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [978.0, 404.0, 1132.0, 1042.0, 1.0], [1419.0, 434.0, 1595.0, 852.0, 1.0], [826.0, 429.0, 975.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [454.0, 458.0, 484.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 462.0, 437.0, 544.0, 1.0], [708.0, 447.0, 793.0, 641.0, 1.0], [1389.0, 419.0, 1551.0, 789.0, 1.0], [1542.0, 420.0, 1699.0, 746.0, 1.0], [1325.0, 445.0, 1369.0, 549.0, 1.0], [1123.0, 447.0, 1171.0, 555.0, 1.0], [795.0, 451.0, 826.0, 522.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [617.0, 459.0, 637.0, 518.0, 1.0], [643.0, 458.0, 667.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "average_area": [75312.29594502965], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 3], [3, 4], [5, 2]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "frame_count": 280, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]]}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.4357], [505.0, 449.0, 544.0, 568.0, 1.1756], [711.37, 446.72, 780.014, 654.6500000000001, 1.0423], [1339.6, 449.36, 1371.09, 545.83, 0.73903], [1464.0, 419.0, 1612.29, 865.86, 0.73765], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.38341]], "trackers": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 417.0, 1167.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [981.0, 404.0, 1134.0, 1042.0, 1.0], [1432.0, 433.0, 1599.0, 852.0, 1.0], [827.0, 429.0, 977.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [453.0, 458.0, 483.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 544.0, 1.0], [710.0, 447.0, 800.0, 642.0, 1.0], [1401.0, 418.0, 1555.0, 789.0, 1.0], [1529.0, 422.0, 1696.0, 745.0, 1.0], [1328.0, 445.0, 1371.0, 549.0, 1.0], [1127.0, 447.0, 1175.0, 555.0, 1.0], [797.0, 451.0, 827.0, 521.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [618.0, 459.0, 638.0, 518.0, 1.0], [644.0, 458.0, 668.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 536.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "average_area": [73944.09026212434], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [4, 3], [5, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13}], "frame_count": 281, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]]}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.457], [505.0, 449.0, 544.0, 568.0, 0.91818], [1441.5, 343.97, 1611.98, 857.4200000000001, 0.75704], [715.78, 455.86, 779.76, 649.8, 0.59153]], "trackers": [[829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 0.0], [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 0.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 0.0], [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184, 0.0], [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955, 0.0], [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682, 0.0], [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325, 0.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 417.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 449.0, 1155.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [984.0, 404.0, 1136.0, 1042.0, 1.0], [1445.0, 432.0, 1602.0, 852.0, 1.0], [828.0, 429.0, 980.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 466.0, 429.0, 578.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [452.0, 458.0, 482.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [713.0, 448.0, 808.0, 643.0, 1.0], [1413.0, 418.0, 1560.0, 790.0, 1.0], [1516.0, 425.0, 1693.0, 745.0, 1.0], [1331.0, 445.0, 1373.0, 550.0, 1.0], [1130.0, 447.0, 1178.0, 555.0, 1.0], [800.0, 451.0, 828.0, 521.0, 1.0], [791.0, 447.0, 817.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 458.0, 669.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 452.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [73800.81322769704], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 3], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 7], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14}], "frame_count": 282, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.3069], [505.0, 449.0, 544.0, 568.0, 0.84836], [711.37, 446.72, 780.014, 654.6500000000001, 0.77612], [1464.0, 419.0, 1612.29, 865.86, 0.75144]], "trackers": [[831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 0.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 0.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 0.0], [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046, 0.0], [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606, 0.0], [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222, 0.0], [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121, 0.0], [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 416.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [985.0, 404.0, 1137.0, 1042.0, 1.0], [1458.0, 431.0, 1605.0, 853.0, 1.0], [830.0, 429.0, 985.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [389.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 458.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [714.0, 447.0, 807.0, 643.0, 1.0], [1425.0, 417.0, 1565.0, 791.0, 1.0], [1509.0, 423.0, 1672.0, 741.0, 1.0], [1335.0, 444.0, 1376.0, 550.0, 1.0], [1133.0, 447.0, 1181.0, 555.0, 1.0], [803.0, 451.0, 830.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 457.0, 669.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [75281.90894798623], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "frame_count": 283, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.3326], [505.0, 449.0, 544.0, 568.0, 0.69273], [711.37, 446.72, 780.014, 654.6500000000001, 0.53904], [1464.0, 419.0, 1612.29, 865.86, 0.47119]], "trackers": [[832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 0.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 0.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 0.0], [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106, 0.0], [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227, 0.0], [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147, 0.0], [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1012.0, 561.0, 1.0], [987.0, 404.0, 1139.0, 1042.0, 1.0], [1471.0, 431.0, 1609.0, 854.0, 1.0], [833.0, 429.0, 991.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [388.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 459.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [716.0, 446.0, 807.0, 643.0, 1.0], [1437.0, 417.0, 1570.0, 792.0, 1.0], [1502.0, 422.0, 1652.0, 738.0, 1.0], [1339.0, 443.0, 1379.0, 550.0, 1.0], [1137.0, 447.0, 1185.0, 555.0, 1.0], [805.0, 451.0, 831.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [79913.14949318045], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201}, {"time_since_observed": 3, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "frame_count": 284, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.2536], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [505.0, 449.0, 544.0, 568.0, 0.71308], [922.56, 389.02, 1164.07, 1115.56, 0.55876], [1473.0, 417.0, 1632.0, 896.0, 0.54064], [711.37, 446.72, 780.014, 654.6500000000001, 0.47266], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "trackers": [[833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 0.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 0.0], [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383, 0.0], [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279, 0.0], [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894, 0.0], [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848, 0.0], [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [989.0, 404.0, 1141.0, 1042.0, 1.0], [1475.0, 431.0, 1628.0, 854.0, 1.0], [836.0, 429.0, 997.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [450.0, 458.0, 480.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [717.0, 446.0, 806.0, 643.0, 1.0], [1447.0, 416.0, 1577.0, 793.0, 1.0], [1495.0, 420.0, 1631.0, 734.0, 1.0], [1343.0, 442.0, 1382.0, 550.0, 1.0], [1140.0, 447.0, 1188.0, 555.0, 1.0], [808.0, 451.0, 833.0, 521.0, 1.0], [793.0, 447.0, 819.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [79504.61601676606], "iou_threshold": 0.3, "ret_matches": [[0, 6], [2, 5], [3, 2], [4, 3], [5, 4]], "ret_unmatched_detections": [1, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "frame_count": 285, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]]}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.1094], [1493.9, 419.0, 1642.19, 865.86, 1.3308], [505.0, 449.0, 544.0, 568.0, 1.1006], [922.56, 389.02, 1164.07, 1115.56, 0.57615], [725.3, 446.72, 793.944, 654.6500000000001, 0.41087]], "trackers": [[834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 0.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 0.0], [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926, 0.0], [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106, 0.0], [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742, 0.0], [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052, 0.0], [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 416.0, 1170.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [990.0, 404.0, 1142.0, 1042.0, 1.0], [1480.0, 431.0, 1647.0, 855.0, 1.0], [838.0, 429.0, 1002.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [719.0, 445.0, 806.0, 643.0, 1.0], [1457.0, 416.0, 1585.0, 794.0, 1.0], [1488.0, 419.0, 1611.0, 731.0, 1.0], [1347.0, 442.0, 1385.0, 550.0, 1.0], [1143.0, 447.0, 1191.0, 555.0, 1.0], [811.0, 451.0, 834.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [648.0, 457.0, 671.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [82933.36631403294], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [2, 5], [3, 2], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "frame_count": 286, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.2059], [1493.9, 419.0, 1642.19, 865.86, 1.4223], [725.3, 446.72, 793.944, 654.6500000000001, 0.99224], [505.0, 449.0, 544.0, 568.0, 0.7862], [922.56, 389.02, 1164.07, 1115.56, 0.64148], [1352.1, 446.72, 1385.922, 550.19, 0.49166]], "trackers": [[836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 0.0], [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 0.0], [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953, 0.0], [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683, 0.0], [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279, 0.0], [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019, 0.0], [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 417.0, 1170.0, 871.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [974.0, 449.0, 1001.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [992.0, 404.0, 1144.0, 1042.0, 1.0], [1485.0, 431.0, 1666.0, 855.0, 1.0], [841.0, 429.0, 1008.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [386.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [721.0, 445.0, 806.0, 643.0, 1.0], [1467.0, 416.0, 1592.0, 795.0, 1.0], [1479.0, 418.0, 1604.0, 729.0, 1.0], [1348.0, 442.0, 1388.0, 549.0, 1.0], [1147.0, 447.0, 1195.0, 555.0, 1.0], [814.0, 451.0, 836.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "average_area": [82693.39123116022], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [2, 4], [3, 5], [4, 2]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "frame_count": 287, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]]}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.4467], [505.0, 449.0, 544.0, 568.0, 1.1686], [1493.9, 419.0, 1642.19, 865.86, 0.94672], [725.3, 446.72, 793.944, 654.6500000000001, 0.92533], [922.56, 389.02, 1164.07, 1115.56, 0.48004]], "trackers": [[837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 0.0], [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 0.0], [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216, 0.0], [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732, 0.0], [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492, 0.0], [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951, 0.0], [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 418.0, 1170.0, 872.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [994.0, 404.0, 1146.0, 1042.0, 1.0], [1490.0, 431.0, 1685.0, 856.0, 1.0], [844.0, 429.0, 1014.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [725.0, 444.0, 806.0, 642.0, 1.0], [1478.0, 416.0, 1600.0, 797.0, 1.0], [1471.0, 418.0, 1598.0, 727.0, 1.0], [1349.0, 442.0, 1392.0, 549.0, 1.0], [1148.0, 447.0, 1196.0, 555.0, 1.0], [815.0, 451.0, 837.0, 521.0, 1.0], [795.0, 447.0, 821.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [82588.77656834868], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 3], [3, 4], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 287}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "frame_count": 288, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.3098], [505.0, 449.0, 544.0, 568.0, 1.0115], [739.23, 446.72, 807.874, 654.6500000000001, 0.91967], [929.93, 423.24, 1140.05, 1055.6, 0.59568], [1505.3, 446.72, 1643.59, 863.58, 0.47353], [825.55, 292.02, 1067.06, 1018.56, 0.33948], [1352.0, 441.39, 1388.321, 552.35, 0.3385]], "trackers": [[838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002, 0.0], [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 0.0], [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242, 0.0], [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744, 0.0], [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388, 0.0], [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312, 0.0], [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 419.0, 1170.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [995.0, 404.0, 1147.0, 1042.0, 1.0], [1492.0, 431.0, 1702.0, 859.0, 1.0], [847.0, 430.0, 1020.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [729.0, 443.0, 806.0, 642.0, 1.0], [1479.0, 415.0, 1617.0, 798.0, 1.0], [1463.0, 418.0, 1591.0, 725.0, 1.0], [1350.0, 442.0, 1395.0, 549.0, 1.0], [1149.0, 447.0, 1197.0, 555.0, 1.0], [817.0, 451.0, 839.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [82549.3749106223], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 2], [4, 3], [5, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "frame_count": 289, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]]}, "detections": [[824.12, 412.56, 994.6, 926.01, 2.3395], [739.23, 446.72, 807.874, 654.6500000000001, 1.138], [505.0, 449.0, 544.0, 568.0, 0.94038], [1473.0, 385.0, 1632.0, 864.0, 0.89415], [906.1, 408.29, 1131.3700000000001, 1086.1100000000001, 0.52118], [1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "trackers": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [997.0, 404.0, 1149.0, 1042.0, 1.0], [1495.0, 431.0, 1719.0, 862.0, 1.0], [849.0, 430.0, 1020.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [384.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 562.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [733.0, 442.0, 806.0, 642.0, 1.0], [1481.0, 414.0, 1635.0, 799.0, 1.0], [1455.0, 418.0, 1585.0, 723.0, 1.0], [1351.0, 442.0, 1399.0, 549.0, 1.0], [1150.0, 447.0, 1198.0, 555.0, 1.0], [819.0, 451.0, 841.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 453.0, 1035.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [77953.696123542], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 3], [4, 2]], "ret_unmatched_detections": [5, 6], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "frame_count": 290, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]]}, "detections": [[846.44, 405.34, 1029.23, 955.72, 2.2321], [739.23, 446.72, 807.874, 654.6500000000001, 1.0541], [505.0, 449.0, 544.0, 568.0, 0.80167], [579.94, 451.29, 601.9140000000001, 519.212, 0.42723], [922.56, 389.02, 1164.07, 1115.56, 0.34461], [1493.9, 419.0, 1642.19, 865.86, 0.33906]], "trackers": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 449.0, 1014.0, 562.0, 1.0], [999.0, 404.0, 1151.0, 1042.0, 1.0], [1498.0, 431.0, 1736.0, 865.0, 1.0], [852.0, 430.0, 1021.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [738.0, 442.0, 807.0, 642.0, 1.0], [1483.0, 413.0, 1652.0, 800.0, 1.0], [1437.0, 418.0, 1579.0, 720.0, 1.0], [1352.0, 442.0, 1402.0, 549.0, 1.0], [1152.0, 447.0, 1200.0, 555.0, 1.0], [821.0, 451.0, 843.0, 521.0, 1.0], [797.0, 447.0, 823.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [651.0, 457.0, 674.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [79638.2579008614], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [4, 2], [5, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "frame_count": 291, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]]}, "detections": [[846.44, 405.34, 1029.23, 955.72, 2.3576], [739.23, 446.72, 807.874, 654.6500000000001, 1.5047], [929.93, 423.24, 1140.05, 1055.6, 0.57632], [505.0, 449.0, 544.0, 568.0, 0.56027], [1464.0, 389.14, 1612.29, 836.0, 0.34065]], "trackers": [[827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 0.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 0.0], [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522, 0.0], [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042, 0.0], [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666, 0.0], [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759, 0.0], [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 450.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 448.0, 1014.0, 561.0, 1.0], [1001.0, 404.0, 1153.0, 1042.0, 1.0], [1501.0, 431.0, 1753.0, 868.0, 1.0], [855.0, 431.0, 1022.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [741.0, 442.0, 809.0, 642.0, 1.0], [1485.0, 413.0, 1670.0, 802.0, 1.0], [1420.0, 418.0, 1574.0, 717.0, 1.0], [1353.0, 442.0, 1406.0, 549.0, 1.0], [1153.0, 447.0, 1201.0, 555.0, 1.0], [823.0, 451.0, 845.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 460.0, 644.0, 519.0, 1.0], [652.0, 457.0, 675.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [82622.38783015], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 2], [3, 5], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 291}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "frame_count": 292, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.3237], [747.43, 433.93, 821.073, 656.86, 1.0838], [505.0, 449.0, 544.0, 568.0, 0.55878], [929.93, 423.24, 1140.05, 1055.6, 0.5585], [777.05, 243.51, 1018.56, 970.05, 0.39159]], "trackers": [[827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105, 0.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 0.0], [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576, 0.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 0.0], [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468, 0.0], [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211, 0.0], [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 876.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1001.0, 403.0, 1153.0, 1041.0, 1.0], [1503.0, 431.0, 1756.0, 871.0, 1.0], [855.0, 430.0, 1023.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [744.0, 442.0, 811.0, 643.0, 1.0], [1488.0, 412.0, 1674.0, 802.0, 1.0], [1403.0, 419.0, 1569.0, 715.0, 1.0], [1354.0, 442.0, 1408.0, 549.0, 1.0], [1154.0, 447.0, 1202.0, 555.0, 1.0], [825.0, 451.0, 847.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [653.0, 457.0, 676.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "average_area": [79939.38824396425], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 2], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "frame_count": 293, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.6317], [753.16, 446.72, 821.804, 654.6500000000001, 1.4612], [505.0, 449.0, 544.0, 568.0, 0.80819], [929.93, 423.24, 1140.05, 1055.6, 0.55508]], "trackers": [[780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 0.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 0.0], [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827, 0.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 0.0], [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715, 0.0], [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394, 0.0], [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1002.0, 403.0, 1154.0, 1040.0, 1.0], [1506.0, 431.0, 1759.0, 874.0, 1.0], [855.0, 429.0, 1024.0, 924.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [445.0, 458.0, 475.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [747.0, 442.0, 813.0, 644.0, 1.0], [1491.0, 412.0, 1678.0, 803.0, 1.0], [1400.0, 420.0, 1563.0, 713.0, 1.0], [1355.0, 443.0, 1410.0, 549.0, 1.0], [1156.0, 447.0, 1204.0, 555.0, 1.0], [827.0, 451.0, 849.0, 521.0, 1.0], [799.0, 447.0, 825.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [654.0, 457.0, 677.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "average_area": [77980.28284839648], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "frame_count": 294, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.5318], [747.43, 433.93, 821.073, 656.86, 1.5674], [505.0, 449.0, 544.0, 568.0, 0.86276], [946.52, 473.76, 1142.5, 1063.71, 0.34154]], "trackers": [[777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 0.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 0.0], [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698, 0.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 0.0], [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818, 0.0], [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316, 0.0], [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [980.0, 448.0, 1016.0, 561.0, 1.0], [1003.0, 402.0, 1155.0, 1039.0, 1.0], [1509.0, 432.0, 1763.0, 878.0, 1.0], [856.0, 428.0, 1026.0, 925.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [751.0, 442.0, 816.0, 645.0, 1.0], [1494.0, 412.0, 1682.0, 804.0, 1.0], [1397.0, 421.0, 1557.0, 712.0, 1.0], [1356.0, 444.0, 1412.0, 549.0, 1.0], [1157.0, 447.0, 1205.0, 555.0, 1.0], [829.0, 451.0, 851.0, 521.0, 1.0], [800.0, 447.0, 826.0, 523.0, 1.0], [625.0, 459.0, 644.0, 518.0, 1.0], [655.0, 457.0, 678.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "average_area": [77039.91744072174], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 294}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "frame_count": 295, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[865.0, 449.0, 1024.0, 928.0, 2.3056], [754.77, 442.87, 818.75, 636.81, 1.2665], [497.24, 442.1, 542.188, 578.94, 0.58973], [815.59, 272.53, 1040.8600000000001, 950.35, 0.5716], [1583.4, 419.0, 1731.69, 865.86, 0.35993], [972.16, 381.02, 1182.28, 1013.38, 0.35422]], "trackers": [[774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992, 0.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 0.0], [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627, 0.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 0.0], [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932, 0.0], [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248, 0.0], [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 878.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1016.0, 561.0, 1.0], [1004.0, 402.0, 1156.0, 1038.0, 1.0], [1518.0, 431.0, 1765.0, 880.0, 1.0], [859.0, 427.0, 1027.0, 926.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [754.0, 442.0, 818.0, 646.0, 1.0], [1497.0, 411.0, 1686.0, 805.0, 1.0], [1395.0, 422.0, 1552.0, 711.0, 1.0], [1358.0, 445.0, 1415.0, 550.0, 1.0], [1158.0, 447.0, 1206.0, 555.0, 1.0], [830.0, 450.0, 852.0, 520.0, 1.0], [800.0, 446.0, 826.0, 522.0, 1.0], [625.0, 459.0, 645.0, 518.0, 1.0], [656.0, 457.0, 679.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1038.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "average_area": [75327.12922505756], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 0], [5, 2]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "frame_count": 296, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]]}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1321], [762.35, 433.93, 835.993, 656.86, 1.2527], [1578.7, 412.56, 1749.18, 926.01, 0.48487], [497.24, 442.1, 542.188, 578.94, 0.36848], [1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "trackers": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1169.0, 879.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1017.0, 561.0, 1.0], [1005.0, 402.0, 1157.0, 1037.0, 1.0], [1528.0, 430.0, 1767.0, 882.0, 1.0], [862.0, 426.0, 1028.0, 928.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [757.0, 442.0, 820.0, 647.0, 1.0], [1500.0, 411.0, 1690.0, 806.0, 1.0], [1391.0, 421.0, 1538.0, 710.0, 1.0], [1365.0, 444.0, 1418.0, 550.0, 1.0], [1160.0, 447.0, 1208.0, 555.0, 1.0], [832.0, 450.0, 854.0, 520.0, 1.0], [801.0, 446.0, 827.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [658.0, 457.0, 681.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "average_area": [72342.95538087691], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [3, 5], [2, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "frame_count": 297, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]]}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4282], [762.35, 433.93, 835.993, 656.86, 1.8264], [505.0, 449.0, 544.0, 568.0, 0.82546], [1613.3, 448.86, 1761.59, 895.72, 0.39407]], "trackers": [[807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 0.0], [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 0.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 0.0], [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384, 0.0], [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777, 0.0], [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501, 0.0], [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1006.0, 401.0, 1157.0, 1036.0, 1.0], [1538.0, 429.0, 1769.0, 884.0, 1.0], [865.0, 425.0, 1029.0, 929.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 564.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [761.0, 443.0, 823.0, 648.0, 1.0], [1504.0, 411.0, 1695.0, 807.0, 1.0], [1387.0, 420.0, 1525.0, 709.0, 1.0], [1372.0, 444.0, 1421.0, 550.0, 1.0], [1162.0, 446.0, 1209.0, 554.0, 1.0], [834.0, 450.0, 856.0, 520.0, 1.0], [802.0, 446.0, 828.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [659.0, 457.0, 682.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "average_area": [75780.59313929497], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215}, {"time_since_observed": 2, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "frame_count": 298, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4393], [762.35, 433.93, 835.993, 656.86, 2.4126], [1613.3, 448.86, 1761.59, 895.72, 0.91037], [1373.3, 402.13, 1477.86, 717.81, 0.86749], [505.0, 449.0, 544.0, 568.0, 0.80237], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.46933]], "trackers": [[806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 0.0], [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 0.0], [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008, 0.0], [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963, 0.0], [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156, 0.0], [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497, 0.0], [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1007.0, 401.0, 1158.0, 1035.0, 1.0], [1548.0, 428.0, 1771.0, 887.0, 1.0], [868.0, 424.0, 1030.0, 931.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [762.0, 443.0, 826.0, 648.0, 1.0], [1515.0, 410.0, 1698.0, 807.0, 1.0], [1383.0, 420.0, 1512.0, 708.0, 1.0], [1379.0, 444.0, 1425.0, 550.0, 1.0], [1164.0, 446.0, 1211.0, 554.0, 1.0], [836.0, 449.0, 858.0, 519.0, 1.0], [803.0, 446.0, 829.0, 522.0, 1.0], [626.0, 459.0, 646.0, 518.0, 1.0], [660.0, 457.0, 683.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "average_area": [74259.10279013478], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 3], [4, 5], [5, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "frame_count": 299, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]]}, "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1843], [767.77, 442.87, 831.75, 636.81, 2.1783], [1373.3, 402.13, 1477.86, 717.81, 1.1257], [505.0, 449.0, 544.0, 568.0, 1.0915], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.52092], [1613.3, 448.86, 1761.59, 895.72, 0.43775], [874.05, 243.51, 1115.56, 970.05, 0.38023]], "trackers": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1171.0, 881.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [983.0, 448.0, 1019.0, 561.0, 1.0], [1008.0, 400.0, 1159.0, 1034.0, 1.0], [1568.0, 427.0, 1772.0, 890.0, 1.0], [875.0, 423.0, 1030.0, 932.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [764.0, 443.0, 830.0, 649.0, 1.0], [1526.0, 409.0, 1701.0, 808.0, 1.0], [1380.0, 419.0, 1498.0, 707.0, 1.0], [1380.0, 443.0, 1427.0, 550.0, 1.0], [1166.0, 446.0, 1213.0, 553.0, 1.0], [838.0, 449.0, 860.0, 519.0, 1.0], [804.0, 446.0, 830.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [661.0, 457.0, 684.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [72290.23203640386], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [3, 5], [4, 2], [5, 3], [6, 0], [2, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "frame_count": 300, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[767.08, 446.72, 835.724, 654.6500000000001, 2.4316], [1379.9, 414.66, 1477.392, 709.1300000000001, 2.1955], [858.42, 412.56, 1028.8999999999999, 926.01, 2.0318], [505.0, 449.0, 544.0, 568.0, 1.0093], [1618.4, 368.58, 1801.19, 918.96, 0.81248], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.74012], [874.05, 243.51, 1115.56, 970.05, 0.30402]], "trackers": [[870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319, 0.0], [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903, 0.0], [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207, 0.0], [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124, 0.0], [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438, 0.0], [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903, 0.0], [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 422.0, 1172.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 448.0, 1019.0, 561.0, 1.0], [1009.0, 400.0, 1160.0, 1033.0, 1.0], [1588.0, 426.0, 1774.0, 893.0, 1.0], [882.0, 422.0, 1031.0, 934.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [766.0, 443.0, 834.0, 650.0, 1.0], [1537.0, 409.0, 1704.0, 809.0, 1.0], [1376.0, 419.0, 1485.0, 706.0, 1.0], [1381.0, 443.0, 1430.0, 550.0, 1.0], [1168.0, 446.0, 1215.0, 553.0, 1.0], [840.0, 449.0, 862.0, 519.0, 1.0], [805.0, 446.0, 831.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [662.0, 457.0, 685.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 588.0, 520.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [70619.10374249858], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 5], [4, 3], [5, 2], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "frame_count": 301, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[767.08, 446.72, 835.724, 654.6500000000001, 2.1603], [1379.9, 414.66, 1477.392, 709.1300000000001, 1.673], [892.72, 412.56, 1063.2, 926.01, 1.6192], [505.0, 449.0, 544.0, 568.0, 1.0264], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.81814], [1633.0, 417.0, 1792.0, 896.0, 0.79117]], "trackers": [[877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 0.0], [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905, 0.0], [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585, 0.0], [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223, 0.0], [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942, 0.0], [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388, 0.0], [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1011.0, 421.0, 1171.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 447.0, 1020.0, 560.0, 1.0], [1010.0, 400.0, 1161.0, 1032.0, 1.0], [1608.0, 426.0, 1776.0, 896.0, 1.0], [889.0, 421.0, 1032.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [768.0, 443.0, 838.0, 651.0, 1.0], [1551.0, 409.0, 1713.0, 810.0, 1.0], [1372.0, 418.0, 1472.0, 705.0, 1.0], [1383.0, 443.0, 1433.0, 550.0, 1.0], [1170.0, 446.0, 1217.0, 552.0, 1.0], [842.0, 449.0, 864.0, 519.0, 1.0], [806.0, 446.0, 832.0, 522.0, 1.0], [628.0, 459.0, 647.0, 518.0, 1.0], [664.0, 457.0, 687.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 717.0, 609.0, 0.0], [505.0, 464.0, 528.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 586.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [73421.57127645823], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 5], [4, 2], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "frame_count": 302, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1360.2, 414.66, 1457.692, 709.1300000000001, 1.8999], [767.08, 446.72, 835.724, 654.6500000000001, 1.8693], [883.2, 405.34, 1065.99, 955.72, 1.6197], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.9008], [505.0, 449.0, 544.0, 568.0, 0.72572], [1618.4, 368.58, 1801.19, 918.96, 0.51521], [884.73, 260.92, 1143.65, 1039.68, 0.47029]], "trackers": [[882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358, 0.0], [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393, 0.0], [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382, 0.0], [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506, 0.0], [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297, 0.0], [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205, 0.0], [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 421.0, 1170.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [985.0, 447.0, 1020.0, 560.0, 1.0], [1011.0, 400.0, 1169.0, 1029.0, 1.0], [1622.0, 425.0, 1786.0, 899.0, 1.0], [890.0, 421.0, 1032.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [507.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [770.0, 443.0, 842.0, 652.0, 1.0], [1565.0, 409.0, 1722.0, 812.0, 1.0], [1369.0, 418.0, 1459.0, 704.0, 1.0], [1384.0, 443.0, 1435.0, 550.0, 1.0], [1172.0, 445.0, 1219.0, 552.0, 1.0], [843.0, 449.0, 865.0, 519.0, 1.0], [807.0, 446.0, 833.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [664.0, 456.0, 687.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 585.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [72222.17871728404], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 2], [4, 5], [5, 3], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "frame_count": 303, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 2.0303], [892.72, 412.56, 1063.2, 926.01, 1.4947], [767.08, 446.72, 835.724, 654.6500000000001, 1.4147], [505.0, 449.0, 544.0, 568.0, 0.98409], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.943], [1616.3, 355.57, 1812.28, 945.52, 0.81779], [884.73, 260.92, 1143.65, 1039.68, 0.60078]], "trackers": [[889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859, 0.0], [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698, 0.0], [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349, 0.0], [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662, 0.0], [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196, 0.0], [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322, 0.0], [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1170.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1021.0, 560.0, 1.0], [1012.0, 400.0, 1177.0, 1027.0, 1.0], [1636.0, 425.0, 1797.0, 902.0, 1.0], [891.0, 421.0, 1032.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [506.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 565.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-181.0, 400.0, 120.0, 859.0, 1.0], [772.0, 444.0, 846.0, 653.0, 1.0], [1579.0, 409.0, 1731.0, 813.0, 1.0], [1356.0, 421.0, 1454.0, 704.0, 1.0], [1386.0, 443.0, 1438.0, 550.0, 1.0], [1174.0, 445.0, 1221.0, 551.0, 1.0], [844.0, 449.0, 866.0, 519.0, 1.0], [808.0, 446.0, 834.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [665.0, 456.0, 688.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 584.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [77996.85044679628], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 6], [2, 4], [3, 5], [4, 2], [5, 3], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "frame_count": 304, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.8438], [1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 1.8427], [781.01, 446.72, 849.654, 654.6500000000001, 1.4718], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.86226], [884.73, 260.92, 1143.65, 1039.68, 0.63674], [1647.2, 412.56, 1817.68, 926.01, 0.42763]], "trackers": [[891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573, 0.0], [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867, 0.0], [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688, 0.0], [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575, 0.0], [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792, 0.0], [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 0.0], [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1022.0, 560.0, 1.0], [1013.0, 400.0, 1185.0, 1025.0, 1.0], [1650.0, 424.0, 1807.0, 905.0, 1.0], [892.0, 421.0, 1032.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [505.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-163.0, 400.0, 119.0, 858.0, 1.0], [775.0, 443.0, 847.0, 653.0, 1.0], [1593.0, 409.0, 1740.0, 815.0, 1.0], [1343.0, 424.0, 1450.0, 705.0, 1.0], [1387.0, 443.0, 1441.0, 550.0, 1.0], [1176.0, 445.0, 1223.0, 551.0, 1.0], [846.0, 449.0, 868.0, 519.0, 1.0], [809.0, 446.0, 835.0, 522.0, 1.0], [629.0, 458.0, 647.0, 518.0, 1.0], [666.0, 456.0, 689.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 583.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "average_area": [79625.30303662278], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 1], [2, 4], [3, 2], [4, 0], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "frame_count": 305, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.7877], [781.01, 446.72, 849.654, 654.6500000000001, 1.6017], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.545], [1673.0, 448.86, 1821.29, 895.72, 0.88673], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.85603], [505.0, 449.0, 544.0, 568.0, 0.74884], [884.73, 260.92, 1143.65, 1039.68, 0.48561], [1647.7, 296.57, 1857.8200000000002, 928.9300000000001, 0.36713], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "trackers": [[892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524, 0.0], [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828, 0.0], [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902, 0.0], [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816, 0.0], [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252, 0.0], [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202, 0.0], [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 884.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1022.0, 560.0, 1.0], [1014.0, 400.0, 1194.0, 1023.0, 1.0], [1664.0, 424.0, 1818.0, 909.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [503.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-145.0, 400.0, 119.0, 858.0, 1.0], [778.0, 443.0, 848.0, 654.0, 1.0], [1607.0, 410.0, 1749.0, 817.0, 1.0], [1330.0, 427.0, 1445.0, 705.0, 1.0], [1389.0, 443.0, 1444.0, 550.0, 1.0], [1178.0, 445.0, 1225.0, 550.0, 1.0], [847.0, 449.0, 869.0, 519.0, 1.0], [810.0, 446.0, 836.0, 522.0, 1.0], [629.0, 458.0, 648.0, 518.0, 1.0], [667.0, 456.0, 690.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 582.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [78890.43487030055], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 1], [4, 2], [5, 5], [6, 0], [7, 3]], "ret_unmatched_detections": [3, 8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "frame_count": 306, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]]}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.858], [781.01, 446.72, 849.654, 654.6500000000001, 1.2733], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.0706], [1655.7, 316.17, 1851.68, 906.1200000000001, 0.98916], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.69166], [1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496], [505.0, 449.0, 544.0, 568.0, 0.55531], [884.73, 260.92, 1143.65, 1039.68, 0.39562]], "trackers": [[891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234, 0.0], [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941, 0.0], [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659, 0.0], [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606, 0.0], [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465, 0.0], [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705, 0.0], [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 420.0, 1173.0, 885.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1023.0, 560.0, 1.0], [1015.0, 400.0, 1202.0, 1021.0, 1.0], [1666.0, 425.0, 1838.0, 913.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [502.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-126.0, 400.0, 119.0, 857.0, 1.0], [781.0, 442.0, 849.0, 654.0, 1.0], [1608.0, 410.0, 1762.0, 820.0, 1.0], [1318.0, 430.0, 1441.0, 706.0, 1.0], [1390.0, 443.0, 1446.0, 550.0, 1.0], [1180.0, 445.0, 1227.0, 550.0, 1.0], [849.0, 449.0, 871.0, 519.0, 1.0], [811.0, 446.0, 837.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 581.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1013.0, 456.0, 1042.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [83019.40581495919], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 1], [3, 3], [4, 2], [6, 5], [7, 0]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "frame_count": 307, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]]}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.9015], [781.01, 446.72, 849.654, 654.6500000000001, 1.7022], [1695.1, 316.17, 1891.08, 906.1200000000001, 0.80585], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.70706], [1340.5, 414.66, 1437.992, 709.1300000000001, 0.69443], [505.0, 449.0, 544.0, 568.0, 0.55953], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "trackers": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1015.0, 420.0, 1178.0, 887.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [988.0, 447.0, 1023.0, 560.0, 1.0], [1016.0, 400.0, 1210.0, 1018.0, 1.0], [1669.0, 426.0, 1858.0, 917.0, 1.0], [894.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [501.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-108.0, 400.0, 119.0, 857.0, 1.0], [784.0, 442.0, 851.0, 655.0, 1.0], [1609.0, 411.0, 1775.0, 823.0, 1.0], [1307.0, 430.0, 1438.0, 705.0, 1.0], [1392.0, 443.0, 1449.0, 550.0, 1.0], [1181.0, 445.0, 1228.0, 550.0, 1.0], [850.0, 449.0, 872.0, 519.0, 1.0], [812.0, 446.0, 838.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 580.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [83045.60117393786], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 3], [3, 2], [4, 1], [5, 5]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "frame_count": 308, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]]}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.7827], [792.21, 433.93, 865.8530000000001, 656.86, 1.6175], [1324.3, 423.72, 1415.196, 698.4100000000001, 1.0736], [505.0, 449.0, 544.0, 568.0, 0.59105], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58688], [884.73, 260.92, 1143.65, 1039.68, 0.34135]], "trackers": [[895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978, 0.0], [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285, 0.0], [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977, 0.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 0.0], [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352, 0.0], [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829, 0.0], [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1018.0, 421.0, 1182.0, 888.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1017.0, 400.0, 1219.0, 1016.0, 1.0], [1671.0, 427.0, 1879.0, 921.0, 1.0], [895.0, 421.0, 1034.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [499.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-89.0, 400.0, 119.0, 857.0, 1.0], [787.0, 441.0, 853.0, 656.0, 1.0], [1611.0, 411.0, 1788.0, 826.0, 1.0], [1297.0, 430.0, 1435.0, 705.0, 1.0], [1393.0, 443.0, 1452.0, 550.0, 1.0], [1183.0, 445.0, 1230.0, 550.0, 1.0], [852.0, 449.0, 874.0, 519.0, 1.0], [813.0, 446.0, 839.0, 522.0, 1.0], [630.0, 458.0, 649.0, 518.0, 1.0], [669.0, 456.0, 692.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 579.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [83066.09982992926], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 1], [3, 5], [4, 2], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "frame_count": 309, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[792.21, 433.93, 865.8530000000001, 656.86, 1.976], [883.2, 405.34, 1065.99, 955.72, 1.7785], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.78681], [1324.3, 423.72, 1415.196, 698.4100000000001, 0.62257], [1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "trackers": [[890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 0.0], [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049, 0.0], [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466, 0.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 0.0], [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325, 0.0], [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 0.0], [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1021.0, 421.0, 1187.0, 890.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1018.0, 400.0, 1227.0, 1014.0, 1.0], [1674.0, 428.0, 1899.0, 925.0, 1.0], [895.0, 421.0, 1030.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [498.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-70.0, 400.0, 121.0, 856.0, 1.0], [791.0, 441.0, 855.0, 657.0, 1.0], [1612.0, 412.0, 1801.0, 829.0, 1.0], [1287.0, 430.0, 1432.0, 705.0, 1.0], [1395.0, 443.0, 1455.0, 550.0, 1.0], [1184.0, 445.0, 1231.0, 550.0, 1.0], [854.0, 449.0, 876.0, 519.0, 1.0], [814.0, 445.0, 840.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [670.0, 456.0, 693.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 578.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [82963.12377814013], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 2], [3, 1]], "ret_unmatched_detections": [4, 5], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "frame_count": 310, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]]}, "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 2.5988], [883.2, 405.34, 1065.99, 955.72, 1.5864], [1305.9, 423.72, 1396.796, 698.4100000000001, 1.1688], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.7079], [1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "trackers": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1024.0, 422.0, 1191.0, 891.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 560.0, 1.0], [1019.0, 400.0, 1235.0, 1012.0, 1.0], [1676.0, 429.0, 1919.0, 929.0, 1.0], [895.0, 421.0, 1027.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [497.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-51.0, 400.0, 123.0, 856.0, 1.0], [794.0, 441.0, 857.0, 658.0, 1.0], [1614.0, 412.0, 1814.0, 832.0, 1.0], [1282.0, 429.0, 1421.0, 701.0, 1.0], [1397.0, 442.0, 1456.0, 550.0, 1.0], [1186.0, 445.0, 1233.0, 550.0, 1.0], [856.0, 449.0, 878.0, 519.0, 1.0], [815.0, 445.0, 841.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [671.0, 456.0, 694.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 577.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "average_area": [82953.51934722943], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "frame_count": 311, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]]}, "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.921], [892.72, 412.56, 1063.2, 926.01, 1.3931], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1391], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.805], [1193.0, 433.0, 1232.0, 552.0, 0.65883], [497.0, 449.0, 536.0, 568.0, 0.51628]], "trackers": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1027.0, 422.0, 1196.0, 893.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 587.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [991.0, 447.0, 1026.0, 560.0, 1.0], [1021.0, 400.0, 1244.0, 1010.0, 1.0], [1679.0, 430.0, 1940.0, 934.0, 1.0], [896.0, 421.0, 1024.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [496.0, 455.0, 541.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-32.0, 400.0, 125.0, 855.0, 1.0], [798.0, 441.0, 860.0, 659.0, 1.0], [1615.0, 413.0, 1827.0, 835.0, 1.0], [1278.0, 428.0, 1410.0, 698.0, 1.0], [1400.0, 442.0, 1457.0, 550.0, 1.0], [1187.0, 445.0, 1234.0, 550.0, 1.0], [858.0, 449.0, 880.0, 519.0, 1.0], [816.0, 445.0, 842.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 519.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82761.33691794905], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "frame_count": 312, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]]}, "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.7129], [883.2, 405.34, 1065.99, 955.72, 1.2705], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1459], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.73445], [1193.0, 441.0, 1232.0, 560.0, 0.54222], [497.0, 449.0, 536.0, 568.0, 0.33336]], "trackers": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1030.0, 423.0, 1200.0, 894.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1024.0, 400.0, 1244.0, 1009.0, 1.0], [1683.0, 428.0, 1943.0, 936.0, 1.0], [896.0, 421.0, 1026.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [495.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-13.0, 400.0, 128.0, 855.0, 1.0], [800.0, 441.0, 864.0, 658.0, 1.0], [1617.0, 414.0, 1841.0, 839.0, 1.0], [1274.0, 427.0, 1400.0, 695.0, 1.0], [1403.0, 442.0, 1458.0, 550.0, 1.0], [1189.0, 445.0, 1236.0, 550.0, 1.0], [860.0, 449.0, 882.0, 519.0, 1.0], [817.0, 445.0, 843.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81510.91762348903], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 2], [5, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "frame_count": 313, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]]}, "detections": [[1287.5, 423.72, 1378.396, 698.4100000000001, 1.6719], [807.14, 433.93, 880.783, 656.86, 1.3293], [892.72, 412.56, 1063.2, 926.01, 1.3205], [1.0, 389.14, 149.29, 836.0, 0.6479], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58464], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "trackers": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1033.0, 423.0, 1205.0, 896.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1027.0, 400.0, 1244.0, 1009.0, 1.0], [1687.0, 426.0, 1946.0, 938.0, 1.0], [896.0, 421.0, 1029.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-9.0, 400.0, 152.0, 855.0, 1.0], [803.0, 441.0, 868.0, 658.0, 1.0], [1621.0, 413.0, 1843.0, 842.0, 1.0], [1271.0, 426.0, 1384.0, 694.0, 1.0], [1406.0, 442.0, 1459.0, 550.0, 1.0], [1190.0, 445.0, 1237.0, 550.0, 1.0], [862.0, 449.0, 884.0, 519.0, 1.0], [818.0, 445.0, 844.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [673.0, 456.0, 696.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82215.43912005945], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [4, 2]], "ret_unmatched_detections": [3, 5], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "frame_count": 314, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]]}, "detections": [[808.87, 446.72, 877.514, 654.6500000000001, 2.2529], [892.72, 412.56, 1063.2, 926.01, 1.2858], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.92191], [1269.2, 423.72, 1360.096, 698.4100000000001, 0.78125], [30.857, 389.14, 179.147, 836.0, 0.78032], [498.3, 446.86, 540.171, 574.47, 0.35779]], "trackers": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1036.0, 423.0, 1210.0, 897.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1030.0, 400.0, 1244.0, 1009.0, 1.0], [1692.0, 425.0, 1950.0, 941.0, 1.0], [896.0, 421.0, 1032.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-4.0, 401.0, 176.0, 855.0, 1.0], [805.0, 441.0, 872.0, 658.0, 1.0], [1626.0, 412.0, 1846.0, 845.0, 1.0], [1269.0, 426.0, 1369.0, 693.0, 1.0], [1409.0, 442.0, 1460.0, 551.0, 1.0], [1192.0, 445.0, 1239.0, 550.0, 1.0], [865.0, 450.0, 887.0, 520.0, 1.0], [819.0, 445.0, 845.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81499.22997160033], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 2], [3, 1], [5, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "frame_count": 315, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]]}, "detections": [[808.87, 446.72, 877.514, 654.6500000000001, 2.1666], [30.857, 389.14, 179.147, 836.0, 1.2889], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.1903], [867.73, 355.57, 1063.71, 945.52, 1.1046], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.86518]], "trackers": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1039.0, 424.0, 1214.0, 899.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1034.0, 400.0, 1244.0, 1009.0, 1.0], [1690.0, 419.0, 1934.0, 938.0, 1.0], [896.0, 421.0, 1034.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [1.0, 402.0, 200.0, 855.0, 1.0], [808.0, 441.0, 876.0, 658.0, 1.0], [1631.0, 412.0, 1849.0, 848.0, 1.0], [1267.0, 426.0, 1354.0, 692.0, 1.0], [1413.0, 441.0, 1463.0, 550.0, 1.0], [1193.0, 445.0, 1240.0, 550.0, 1.0], [866.0, 450.0, 888.0, 520.0, 1.0], [820.0, 445.0, 846.0, 521.0, 1.0], [632.0, 458.0, 652.0, 520.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81108.71979844959], "iou_threshold": 0.3, "ret_matches": [[0, 4], [2, 1], [3, 6], [4, 2]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 8, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 316, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[807.14, 433.93, 880.783, 656.86, 2.1576], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.9732], [892.72, 412.56, 1063.2, 926.01, 1.1444], [30.857, 389.14, 179.147, 836.0, 1.112], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.95874]], "trackers": [[914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 0.0], [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722, 0.0], [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912, 0.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 0.0], [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776, 0.0], [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 0.0], [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1042.0, 424.0, 1219.0, 900.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1037.0, 400.0, 1244.0, 1009.0, 1.0], [1718.0, 420.0, 1941.0, 941.0, 1.0], [896.0, 421.0, 1037.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [6.0, 402.0, 225.0, 855.0, 1.0], [811.0, 441.0, 880.0, 658.0, 1.0], [1643.0, 409.0, 1852.0, 847.0, 1.0], [1263.0, 425.0, 1348.0, 691.0, 1.0], [1418.0, 441.0, 1466.0, 550.0, 1.0], [1195.0, 446.0, 1242.0, 551.0, 1.0], [868.0, 450.0, 890.0, 520.0, 1.0], [821.0, 445.0, 847.0, 521.0, 1.0], [632.0, 459.0, 652.0, 520.0, 1.0], [675.0, 456.0, 698.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81317.16296305742], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 7], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 9, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 317, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1270.0, 412.56, 1354.742, 668.79, 1.6028], [808.87, 446.72, 877.514, 654.6500000000001, 1.4812], [892.72, 412.56, 1063.2, 926.01, 1.23], [1014.4, 381.02, 1224.52, 1013.38, 0.99986], [28.858, 391.01, 167.148, 807.87, 0.76531]], "trackers": [[917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 0.0], [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578, 0.0], [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544, 0.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 0.0], [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887, 0.0], [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 0.0], [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1045.0, 425.0, 1223.0, 902.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1040.0, 400.0, 1244.0, 1009.0, 1.0], [1738.0, 421.0, 1961.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [492.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [11.0, 403.0, 249.0, 855.0, 1.0], [813.0, 441.0, 884.0, 658.0, 1.0], [1655.0, 407.0, 1856.0, 846.0, 1.0], [1260.0, 425.0, 1343.0, 690.0, 1.0], [1423.0, 440.0, 1469.0, 550.0, 1.0], [1196.0, 446.0, 1243.0, 551.0, 1.0], [869.0, 450.0, 891.0, 520.0, 1.0], [822.0, 445.0, 848.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80058.31697996834], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 6], [3, 2], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 10, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 318, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[807.14, 433.93, 880.783, 656.86, 1.4888], [1250.8, 405.34, 1341.696, 680.03, 1.371], [1014.4, 381.02, 1224.52, 1013.38, 1.1507], [892.72, 412.56, 1063.2, 926.01, 1.0754], [30.857, 389.14, 179.147, 836.0, 0.72954]], "trackers": [[921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 0.0], [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871, 0.0], [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921, 0.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 0.0], [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099, 0.0], [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 0.0], [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462, 0.0], [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1048.0, 425.0, 1228.0, 903.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1044.0, 400.0, 1244.0, 1009.0, 1.0], [1759.0, 422.0, 1982.0, 941.0, 1.0], [896.0, 421.0, 1043.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [16.0, 404.0, 273.0, 855.0, 1.0], [816.0, 441.0, 888.0, 658.0, 1.0], [1667.0, 405.0, 1859.0, 845.0, 1.0], [1257.0, 425.0, 1338.0, 689.0, 1.0], [1428.0, 440.0, 1472.0, 550.0, 1.0], [1197.0, 446.0, 1244.0, 551.0, 1.0], [871.0, 450.0, 893.0, 520.0, 1.0], [823.0, 445.0, 849.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [79101.78846200695], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 2], [3, 6], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 319, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[808.87, 446.72, 877.514, 654.6500000000001, 2.159], [1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [1250.8, 405.34, 1341.696, 680.03, 1.1059], [867.73, 355.57, 1063.71, 945.52, 1.023], [1014.4, 381.02, 1224.52, 1013.38, 0.97215], [56.715, 391.01, 195.005, 807.87, 0.4247], [681.03, 460.48, 725.978, 597.32, 0.31618]], "trackers": [[924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 0.0], [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815, 0.0], [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268, 0.0], [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109, 0.0], [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 0.0], [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807, 0.0], [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1051.0, 426.0, 1232.0, 905.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1047.0, 400.0, 1244.0, 1009.0, 1.0], [1780.0, 423.0, 2003.0, 941.0, 1.0], [896.0, 421.0, 1041.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [21.0, 405.0, 298.0, 855.0, 1.0], [818.0, 441.0, 892.0, 658.0, 1.0], [1680.0, 403.0, 1863.0, 845.0, 1.0], [1245.0, 426.0, 1336.0, 687.0, 1.0], [1433.0, 440.0, 1476.0, 550.0, 1.0], [1198.0, 446.0, 1245.0, 551.0, 1.0], [872.0, 450.0, 894.0, 520.0, 1.0], [824.0, 445.0, 850.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [677.0, 456.0, 700.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80727.62791108142], "iou_threshold": 0.3, "ret_matches": [[0, 3], [2, 1], [3, 5], [4, 2], [5, 6]], "ret_unmatched_detections": [1, 6], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 320, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]]}, "detections": [[819.75, 455.86, 883.73, 649.8, 1.8534], [1014.4, 381.02, 1224.52, 1013.38, 1.1479], [867.73, 355.57, 1063.71, 945.52, 1.1153], [1209.6, 449.36, 1241.09, 545.83, 0.7814], [60.714, 389.14, 209.004, 836.0, 0.64937], [1732.7, 389.14, 1880.99, 836.0, 0.51941], [1252.8, 429.71, 1337.542, 685.94, 0.47495]], "trackers": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1054.0, 426.0, 1237.0, 906.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1050.0, 400.0, 1244.0, 1009.0, 1.0], [1800.0, 424.0, 2024.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [24.0, 405.0, 301.0, 853.0, 1.0], [821.0, 441.0, 896.0, 658.0, 1.0], [1696.0, 401.0, 1870.0, 846.0, 1.0], [1233.0, 427.0, 1334.0, 685.0, 1.0], [1434.0, 439.0, 1479.0, 549.0, 1.0], [1200.0, 446.0, 1247.0, 551.0, 1.0], [874.0, 450.0, 896.0, 520.0, 1.0], [825.0, 445.0, 851.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [77249.23395874604], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 5], [4, 6], [6, 1]], "ret_unmatched_detections": [3, 5], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 321, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]]}, "detections": [[822.8, 446.72, 891.444, 654.6500000000001, 2.1102], [867.73, 355.57, 1063.71, 945.52, 1.1511], [1014.4, 381.02, 1224.52, 1013.38, 1.0649], [1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "trackers": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1058.0, 427.0, 1242.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1821.0, 425.0, 2045.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [28.0, 405.0, 305.0, 851.0, 1.0], [824.0, 441.0, 900.0, 658.0, 1.0], [1712.0, 400.0, 1877.0, 848.0, 1.0], [1221.0, 428.0, 1332.0, 683.0, 1.0], [1436.0, 439.0, 1483.0, 549.0, 1.0], [1201.0, 446.0, 1248.0, 551.0, 1.0], [876.0, 450.0, 898.0, 520.0, 1.0], [826.0, 445.0, 852.0, 521.0, 1.0], [633.0, 460.0, 655.0, 523.0, 1.0], [679.0, 456.0, 702.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 537.0, 541.0, 1.0], [581.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [78646.07694431022], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 5], [2, 2]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 7}], "frame_count": 322, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]]}, "detections": [[822.8, 446.72, 891.444, 654.6500000000001, 2.321], [1014.4, 381.02, 1224.52, 1013.38, 1.2459], [867.73, 355.57, 1063.71, 945.52, 1.0358], [1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744], [104.97, 416.87, 233.93, 805.75, 0.30541]], "trackers": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1059.0, 425.0, 1243.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1842.0, 426.0, 2066.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 535.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [32.0, 405.0, 308.0, 849.0, 1.0], [826.0, 440.0, 904.0, 657.0, 1.0], [1728.0, 398.0, 1884.0, 849.0, 1.0], [1209.0, 430.0, 1330.0, 681.0, 1.0], [1438.0, 439.0, 1487.0, 549.0, 1.0], [1202.0, 446.0, 1249.0, 551.0, 1.0], [877.0, 450.0, 899.0, 520.0, 1.0], [827.0, 445.0, 853.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 536.0, 540.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [79050.432521841], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 5], [4, 6]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 322}, {"time_since_observed": 2, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8}], "frame_count": 323, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]]}, "detections": [[1014.4, 381.02, 1224.52, 1013.38, 1.4305], [822.07, 433.93, 895.7130000000001, 656.86, 1.2737], [858.42, 412.56, 1028.8999999999999, 926.01, 1.0815], [874.05, 243.51, 1115.56, 970.05, 0.32439]], "trackers": [[938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024, 0.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 0.0], [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213, 0.0], [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874, 0.0], [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023, 0.0], [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1061.0, 424.0, 1244.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 534.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [36.0, 405.0, 312.0, 847.0, 1.0], [828.0, 440.0, 908.0, 656.0, 1.0], [1744.0, 397.0, 1891.0, 851.0, 1.0], [1210.0, 430.0, 1327.0, 682.0, 1.0], [1440.0, 439.0, 1490.0, 549.0, 1.0], [1204.0, 446.0, 1251.0, 551.0, 1.0], [878.0, 450.0, 900.0, 520.0, 1.0], [828.0, 445.0, 854.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [534.0, 460.0, 550.0, 512.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [89491.4054038358], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 4], [3, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 3, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 9}], "frame_count": 324, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1014.4, 381.02, 1224.52, 1013.38, 1.4352], [837.0, 433.93, 910.643, 656.86, 1.3534], [858.42, 412.56, 1028.8999999999999, 926.01, 1.2592], [120.43, 389.14, 268.72, 836.0, 0.75767]], "trackers": [[874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 0.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 0.0], [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608, 0.0], [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841, 0.0], [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403, 0.0], [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1062.0, 423.0, 1246.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [40.0, 405.0, 315.0, 845.0, 1.0], [830.0, 440.0, 912.0, 656.0, 1.0], [1746.0, 397.0, 1902.0, 851.0, 1.0], [1212.0, 430.0, 1325.0, 683.0, 1.0], [1442.0, 439.0, 1494.0, 549.0, 1.0], [1205.0, 446.0, 1252.0, 551.0, 1.0], [880.0, 450.0, 902.0, 520.0, 1.0], [829.0, 445.0, 855.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82259.8653890149], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 4], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324}, {"time_since_observed": 4, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "frame_count": 325, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.322], [867.73, 355.57, 1063.71, 945.52, 1.2355], [150.29, 389.14, 298.58, 836.0, 0.7811], [822.07, 448.86, 895.7130000000001, 671.79, 0.51161]], "trackers": [[874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 0.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 0.0], [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067, 0.0], [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055, 0.0], [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081, 0.0], [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1064.0, 421.0, 1247.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [44.0, 406.0, 319.0, 844.0, 1.0], [833.0, 439.0, 917.0, 655.0, 1.0], [1749.0, 398.0, 1914.0, 851.0, 1.0], [1214.0, 431.0, 1323.0, 685.0, 1.0], [1444.0, 439.0, 1498.0, 549.0, 1.0], [1206.0, 446.0, 1253.0, 551.0, 1.0], [881.0, 450.0, 903.0, 520.0, 1.0], [830.0, 445.0, 856.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [83535.29820422469], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325}, {"time_since_observed": 5, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "frame_count": 326, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.5981], [867.73, 355.57, 1063.71, 945.52, 1.2703], [150.29, 389.14, 298.58, 836.0, 1.0382], [681.03, 460.48, 725.978, 597.32, 0.31927]], "trackers": [[873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 0.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 0.0], [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795, 0.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 0.0], [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511, 0.0], [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1065.0, 420.0, 1248.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1042.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 532.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [67.0, 405.0, 322.0, 841.0, 1.0], [835.0, 439.0, 921.0, 655.0, 1.0], [1751.0, 398.0, 1925.0, 852.0, 1.0], [1208.0, 430.0, 1312.0, 683.0, 1.0], [1445.0, 439.0, 1497.0, 549.0, 1.0], [1208.0, 446.0, 1255.0, 551.0, 1.0], [883.0, 450.0, 905.0, 520.0, 1.0], [832.0, 445.0, 858.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [84714.73492197662], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "frame_count": 327, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]]}, "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.312], [883.2, 405.34, 1065.99, 955.72, 1.238], [168.15, 391.01, 306.44, 807.87, 1.0596], [541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "trackers": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1067.0, 419.0, 1250.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 448.0, 987.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [897.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [90.0, 404.0, 325.0, 838.0, 1.0], [837.0, 439.0, 925.0, 654.0, 1.0], [1754.0, 399.0, 1937.0, 852.0, 1.0], [1203.0, 430.0, 1301.0, 682.0, 1.0], [1447.0, 439.0, 1497.0, 549.0, 1.0], [1209.0, 446.0, 1256.0, 551.0, 1.0], [884.0, 450.0, 906.0, 520.0, 1.0], [833.0, 445.0, 859.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 533.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [85138.1769184271], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "frame_count": 328, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]]}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.3726], [1014.4, 381.02, 1224.52, 1013.38, 1.3363], [168.15, 418.86, 306.44, 835.72, 0.84231]], "trackers": [[873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 0.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 0.0], [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882, 0.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 0.0], [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366, 0.0], [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1068.0, 417.0, 1251.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [898.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [113.0, 403.0, 328.0, 835.0, 1.0], [840.0, 439.0, 930.0, 654.0, 1.0], [1756.0, 399.0, 1948.0, 853.0, 1.0], [1198.0, 429.0, 1290.0, 681.0, 1.0], [1449.0, 439.0, 1497.0, 550.0, 1.0], [1210.0, 446.0, 1257.0, 551.0, 1.0], [886.0, 450.0, 908.0, 520.0, 1.0], [834.0, 445.0, 860.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82698.18032736405], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "frame_count": 329, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.3329], [168.15, 418.86, 306.44, 835.72, 1.2205], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.1015]], "trackers": [[872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 0.0], [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 0.0], [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203, 0.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 0.0], [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998, 0.0], [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1070.0, 416.0, 1252.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1044.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 530.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [136.0, 403.0, 332.0, 832.0, 1.0], [848.0, 439.0, 933.0, 654.0, 1.0], [1759.0, 400.0, 1960.0, 853.0, 1.0], [1193.0, 429.0, 1279.0, 680.0, 1.0], [1452.0, 439.0, 1499.0, 550.0, 1.0], [1211.0, 446.0, 1258.0, 551.0, 1.0], [887.0, 450.0, 909.0, 520.0, 1.0], [836.0, 445.0, 862.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [83587.67547289742], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "frame_count": 330, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[168.15, 418.86, 306.44, 835.72, 1.707], [892.72, 412.56, 1063.2, 926.01, 1.6176], [1014.4, 381.02, 1224.52, 1013.38, 1.3514], [1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "trackers": [[872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 0.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 0.0], [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234, 0.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 0.0], [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058, 0.0], [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1072.0, 415.0, 1254.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1045.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 529.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [159.0, 402.0, 335.0, 829.0, 1.0], [856.0, 439.0, 937.0, 654.0, 1.0], [1761.0, 400.0, 1971.0, 854.0, 1.0], [1187.0, 428.0, 1274.0, 680.0, 1.0], [1455.0, 439.0, 1501.0, 550.0, 1.0], [1213.0, 446.0, 1260.0, 551.0, 1.0], [888.0, 450.0, 910.0, 520.0, 1.0], [837.0, 445.0, 863.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 531.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80757.07447521579], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 330}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 16}], "frame_count": 331, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.6742], [180.14, 389.14, 328.42999999999995, 836.0, 1.5693], [1014.4, 381.02, 1224.52, 1013.38, 1.3547], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.64515]], "trackers": [[872.1987592163781, 228.04032809040973, 1114.3358998932322, 956.4583201301696, 0.0], [1192.5611812607553, 415.92275378829845, 1278.3139425728405, 675.1605534282187, 0.0], [1018.9220555260525, 385.03311287342933, 1225.0167187375105, 1005.3226764209538, 0.0], [841.0297264527688, 447.25868801972837, 914.6994673943099, 670.278251981272, 0.0], [892.9224732748212, 411.985731238401, 1064.947400031536, 930.0667847286077, 0.0], [182.73707504083723, 421.2766665764847, 320.1789562353968, 835.5774415249185, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1074.0, 414.0, 1256.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 600.0, 0.0], [727.0, 480.0, 784.0, 592.0, 0.0], [958.0, 448.0, 985.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 558.0, 1.0], [1059.0, 402.0, 1249.0, 1011.0, 1.0], [899.0, 421.0, 1046.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 529.0, 565.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [182.0, 401.0, 338.0, 826.0, 1.0], [865.0, 439.0, 941.0, 655.0, 1.0], [1764.0, 401.0, 1983.0, 854.0, 1.0], [1181.0, 428.0, 1269.0, 680.0, 1.0], [1459.0, 439.0, 1504.0, 551.0, 1.0], [1214.0, 446.0, 1261.0, 551.0, 1.0], [889.0, 450.0, 911.0, 520.0, 1.0], [838.0, 445.0, 864.0, 521.0, 1.0], [633.0, 459.0, 656.0, 524.0, 1.0], [678.0, 458.0, 701.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [728.0, 515.0, 782.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 531.0, 540.0, 1.0], [532.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81490.11705508298], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 331}, {"time_since_observed": 11, "confidence": 0.6150359391947425, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 6, "confidence": 0.4603588326840964, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 17}], "frame_count": 332, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.64515]]}, "detections": [[196.0, 391.01, 334.28999999999996, 807.87, 1.4889], [892.72, 412.56, 1063.2, 926.01, 1.4746], [1014.4, 381.02, 1224.52, 1013.38, 1.3069], [736.17, 469.67, 781.1179999999999, 606.51, 0.5201]], "trackers": [[871.8382011814422, 226.07124117431727, 1113.97471281631, 954.4873408753008, 0.0], [1187.3017225752562, 415.3381353358419, 1273.0540423003524, 674.5746000212074, 0.0], [1016.7423659040351, 382.7560534418478, 1225.3487024249011, 1010.577622892775, 0.0], [843.3864569935874, 447.8397226568809, 917.0580886200241, 670.86501026718, 0.0], [893.9450494644631, 413.13377130358447, 1064.660060684243, 927.2832583670623, 0.0], [190.30397946835058, 400.95425015380215, 334.6471847269247, 835.9733245422321, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1077.0, 414.0, 1258.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [678.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [958.0, 448.0, 985.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 558.0, 1.0], [1059.0, 402.0, 1249.0, 1011.0, 1.0], [899.0, 421.0, 1046.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 454.0, 528.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [206.0, 401.0, 342.0, 824.0, 1.0], [867.0, 439.0, 943.0, 655.0, 1.0], [1767.0, 402.0, 1995.0, 855.0, 1.0], [1175.0, 428.0, 1264.0, 680.0, 1.0], [1462.0, 439.0, 1506.0, 550.0, 1.0], [1215.0, 446.0, 1262.0, 551.0, 1.0], [891.0, 450.0, 913.0, 520.0, 1.0], [840.0, 445.0, 866.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [679.0, 457.0, 702.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [663.0, 531.0, 713.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82761.58983784162], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 332}, {"time_since_observed": 12, "confidence": 0.5573541556402375, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 7, "confidence": 0.39138719980179637, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 18}], "frame_count": 333, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.5201]]}, "detections": [[208.94, 416.87, 337.9, 805.75, 1.6514], [892.72, 412.56, 1063.2, 926.01, 1.6268], [1014.4, 381.02, 1224.52, 1013.38, 1.2914], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.44671]], "trackers": [[871.4774858863161, 224.1016811744525, 1113.613682999578, 952.5168347042043, 0.0], [1182.0421534934362, 414.75318314603567, 1267.7942524241853, 673.9889803515458, 0.0], [1015.8526765263086, 381.877800636995, 1225.4103874949656, 1012.5520919238932, 0.0], [845.7436602147276, 448.42218823376373, 919.4162371654169, 671.4503376133576, 0.0], [894.2428017320525, 413.54375858903705, 1064.459277226158, 926.1969103231193, 0.0], [203.52626727077424, 394.12131218695737, 343.59201273602446, 816.3016114052109, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1080.0, 414.0, 1261.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [678.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [958.0, 448.0, 985.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 558.0, 1.0], [1060.0, 403.0, 1250.0, 1012.0, 1.0], [900.0, 421.0, 1047.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 454.0, 527.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 439.0, 544.0, 1.0], [209.0, 402.0, 356.0, 823.0, 1.0], [870.0, 439.0, 946.0, 655.0, 1.0], [1775.0, 402.0, 1999.0, 855.0, 1.0], [1169.0, 428.0, 1259.0, 680.0, 1.0], [1465.0, 439.0, 1509.0, 550.0, 1.0], [1217.0, 446.0, 1264.0, 551.0, 1.0], [892.0, 450.0, 914.0, 520.0, 1.0], [841.0, 445.0, 867.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [680.0, 457.0, 703.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [663.0, 531.0, 713.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82265.73653996555], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 333}, {"time_since_observed": 13, "confidence": 0.5196577359994952, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 8, "confidence": 0.34703347152620845, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 19}], "frame_count": 334, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.44671]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.7148], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.579], [208.94, 416.87, 337.9, 805.75, 1.4889]], "trackers": [[871.1166919608651, 222.13188463201027, 1113.2527318131708, 950.5465650756853, 0.0], [1176.782529213136, 414.16806408658783, 1262.5345177464983, 673.4035275515258, 0.0], [1015.4589286314973, 381.5242182351903, 1225.3787697370412, 1013.2843274197339, 0.0], [848.1008634419327, 449.0046538290066, 921.7743857047446, 672.0356649411751, 0.0], [894.2709029666287, 413.6717010646971, 1064.3009375997835, 925.7652911198106, 0.0], [216.69275581716806, 409.54496244995664, 348.8885465132223, 808.1143009542633, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1082.0, 414.0, 1263.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [678.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [957.0, 448.0, 984.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 557.0, 1.0], [1060.0, 403.0, 1250.0, 1012.0, 1.0], [900.0, 421.0, 1047.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [489.0, 454.0, 526.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 439.0, 544.0, 1.0], [213.0, 403.0, 370.0, 823.0, 1.0], [872.0, 439.0, 948.0, 655.0, 1.0], [1783.0, 402.0, 2004.0, 855.0, 1.0], [1163.0, 428.0, 1254.0, 680.0, 1.0], [1468.0, 439.0, 1512.0, 549.0, 1.0], [1218.0, 446.0, 1265.0, 551.0, 1.0], [893.0, 450.0, 915.0, 520.0, 1.0], [843.0, 445.0, 869.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [681.0, 457.0, 704.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [663.0, 531.0, 713.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [81236.05736432974], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 334}, {"time_since_observed": 14, "confidence": 0.49060894352157297, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 9, "confidence": 0.3146395957905521, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 20}], "frame_count": 335, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.7735], [223.86, 391.01, 362.15, 807.87, 1.7626], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.533], [736.17, 469.67, 781.1179999999999, 606.51, 0.68677], [1003.9, 223.86, 1281.48, 1058.5900000000001, 0.36883]], "trackers": [[870.7558587201943, 220.16196981810646, 1112.8918199419836, 948.5764137186279, 0.0], [1171.5228773335157, 413.5828615920775, 1257.2748106681315, 672.8181581865683, 0.0], [1050.4187445611844, 389.3551808973611, 1251.707893169946, 995.2312576753127, 0.0], [850.4580666752024, 449.58711944260887, 924.1325342380078, 672.6209922506333, 0.0], [894.2036852393716, 413.693959837379, 1064.166742574537, 925.5865754850172, 0.0], [220.81685285131238, 415.52516067831255, 349.9603139663032, 804.9329318366412, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1085.0, 414.0, 1265.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [677.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [957.0, 448.0, 984.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 557.0, 1.0], [1061.0, 403.0, 1251.0, 1012.0, 1.0], [901.0, 421.0, 1048.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [489.0, 454.0, 525.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 439.0, 544.0, 1.0], [217.0, 404.0, 385.0, 822.0, 1.0], [-82.0, 443.0, 141.0, 783.0, 1.0], [875.0, 439.0, 951.0, 655.0, 1.0], [1791.0, 402.0, 2008.0, 855.0, 1.0], [1157.0, 427.0, 1249.0, 680.0, 1.0], [1471.0, 439.0, 1515.0, 549.0, 1.0], [1219.0, 446.0, 1266.0, 551.0, 1.0], [894.0, 450.0, 917.0, 520.0, 1.0], [844.0, 445.0, 870.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [682.0, 457.0, 705.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [663.0, 531.0, 713.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 460.0, 579.0, 518.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [79047.62370551974], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 335}, {"time_since_observed": 15, "confidence": 0.4724528970451065, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 10, "confidence": 0.2931015568947519, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 21}], "frame_count": 336, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.68677], [1003.9, 223.86, 1281.48, 1058.5900000000001, 0.36883]]}, "detections": [[210.0, 389.14, 358.28999999999996, 836.0, 1.7081], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.574], [892.72, 412.56, 1063.2, 926.01, 1.4158], [736.17, 469.67, 781.1179999999999, 606.51, 0.34293]], "trackers": [[870.3950058218991, 218.1919958684286, 1112.5309277284207, 946.6063214973444, 0.0], [1166.2632116542154, 412.99761737997557, 1252.0151173894446, 672.2328305392025, 0.0], [1063.4350812224056, 392.5342606871135, 1261.3301654647166, 988.2281916042745, 0.0], [852.8152699145364, 450.1695850745698, 926.4906827652067, 673.2063195417329, 0.0], [894.10724728945, 413.6779243062349, 1064.0489334854406, 925.5064597979699, 0.0], [232.38422476846952, 399.6829776319556, 366.78328346967896, 804.8614604691533, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1088.0, 414.0, 1268.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [677.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [956.0, 448.0, 983.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 557.0, 1.0], [1061.0, 403.0, 1251.0, 1012.0, 1.0], [901.0, 421.0, 1048.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [489.0, 454.0, 524.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [221.0, 405.0, 399.0, 822.0, 1.0], [-76.0, 443.0, 142.0, 783.0, 1.0], [877.0, 440.0, 954.0, 656.0, 1.0], [1799.0, 402.0, 2013.0, 855.0, 1.0], [1151.0, 427.0, 1244.0, 680.0, 1.0], [1475.0, 439.0, 1518.0, 549.0, 1.0], [1221.0, 446.0, 1268.0, 551.0, 1.0], [896.0, 450.0, 918.0, 520.0, 1.0], [846.0, 445.0, 872.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [684.0, 457.0, 706.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [663.0, 532.0, 713.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [79059.83717106147], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 4]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 336}, {"time_since_observed": 16, "confidence": 0.44461324583791006, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 11, "confidence": 0.2683111493846246, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 22}], "frame_count": 337, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.34293]]}, "detections": [[210.0, 389.14, 358.28999999999996, 836.0, 1.7305], [892.72, 412.56, 1063.2, 926.01, 1.5472], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.1918]], "trackers": [[870.0341430947881, 216.22199235085304, 1112.1700453436736, 944.6362588439588, 0.0], [1161.0035390750702, 412.4123523090626, 1246.7554310106027, 671.6475237506476, 0.0], [1068.0365252705617, 393.81104435121244, 1264.6210933720079, 985.5729948196825, 0.0], [855.1724731599347, 450.7520507248886, 928.8488312863412, 673.7916468144746, 0.0], [894.0062143479634, 413.6491346515178, 1063.9438866109042, 925.46568994749, 0.0], [226.13103795703867, 392.91892029458154, 369.3536106587442, 824.5809546234736, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1091.0, 414.0, 1270.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [677.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [956.0, 448.0, 983.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1025.0, 557.0, 1.0], [1062.0, 404.0, 1252.0, 1013.0, 1.0], [902.0, 421.0, 1049.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [488.0, 453.0, 523.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [225.0, 406.0, 413.0, 822.0, 1.0], [-69.0, 444.0, 144.0, 784.0, 1.0], [880.0, 440.0, 956.0, 656.0, 1.0], [1145.0, 427.0, 1239.0, 680.0, 1.0], [1476.0, 439.0, 1522.0, 549.0, 1.0], [1222.0, 446.0, 1269.0, 551.0, 1.0], [897.0, 450.0, 919.0, 520.0, 1.0], [848.0, 445.0, 874.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [685.0, 456.0, 707.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [663.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80028.30429534423], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 337}, {"time_since_observed": 17, "confidence": 0.4150293542783087, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 12, "confidence": 0.24469285984353284, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 23}], "frame_count": 338, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.5746], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.2351], [234.93, 416.87, 363.89, 805.75, 1.1876], [738.38, 472.58, 780.251, 600.1899999999999, 0.64785]], "trackers": [[869.6732754532684, 214.25197404932578, 1111.8091678733351, 942.6662109745248, 0.0], [1155.7438630460013, 411.8270768087405, 1241.4957480816845, 671.0622273915019, 0.0], [1069.442382972395, 394.33926113102024, 1265.5253674328374, 984.5962401619665, 0.0], [857.5296764113968, 451.3345163935646, 931.206979801412, 674.376974068859, 0.0], [893.909386738731, 413.61715756823065, 1063.849608551845, 925.4414331795952, 0.0], [223.06361812246345, 390.5660890184131, 369.50156600859066, 831.8733195386128, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1093.0, 413.0, 1272.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [676.0, 492.0, 725.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [956.0, 448.0, 983.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1062.0, 404.0, 1252.0, 1013.0, 1.0], [902.0, 421.0, 1049.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [488.0, 453.0, 522.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [229.0, 407.0, 428.0, 821.0, 1.0], [-62.0, 444.0, 146.0, 785.0, 1.0], [882.0, 440.0, 959.0, 656.0, 1.0], [1139.0, 427.0, 1234.0, 680.0, 1.0], [1477.0, 439.0, 1526.0, 549.0, 1.0], [1223.0, 446.0, 1270.0, 551.0, 1.0], [898.0, 450.0, 920.0, 520.0, 1.0], [849.0, 445.0, 875.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [686.0, 456.0, 708.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [532.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80396.88452679262], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 338}, {"time_since_observed": 18, "confidence": 0.39171122771527417, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 13, "confidence": 0.2264129087588254, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 24}], "frame_count": 339, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.64785]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.5076], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.0881], [239.86, 389.14, 388.15, 836.0, 0.97153], [736.17, 469.67, 781.1179999999999, 606.51, 0.69158]], "trackers": [[869.3124053545441, 212.28194835582207, 1111.4482928602013, 940.6961704970672, 0.0], [1150.48418529197, 411.24179609371276, 1236.2360668777285, 670.4769362470618, 0.0], [1069.6561368834393, 394.5755472681331, 1265.54848252663, 984.2605287469846, 0.0], [859.8868796689227, 451.9169820805972, 933.565128310419, 674.9623013048869, 0.0], [893.8195653904312, 413.5854849159523, 1063.7647784424491, 925.4248089837497, 0.0], [238.4300781732177, 407.690658511168, 373.47414384514957, 814.8193639938411, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1096.0, 413.0, 1275.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [676.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [955.0, 448.0, 982.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1063.0, 404.0, 1253.0, 1013.0, 1.0], [903.0, 421.0, 1050.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [487.0, 453.0, 521.0, 565.0, 1.0], [430.0, 456.0, 460.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [233.0, 408.0, 442.0, 821.0, 1.0], [-55.0, 445.0, 148.0, 786.0, 1.0], [885.0, 440.0, 961.0, 656.0, 1.0], [1133.0, 427.0, 1229.0, 680.0, 1.0], [1479.0, 439.0, 1530.0, 550.0, 1.0], [1224.0, 446.0, 1271.0, 551.0, 1.0], [900.0, 450.0, 922.0, 520.0, 1.0], [851.0, 445.0, 877.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [687.0, 456.0, 709.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [78753.07441817118], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 339}, {"time_since_observed": 19, "confidence": 0.3803263159877125, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 14, "confidence": 0.21612492576896697, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 25}], "frame_count": 340, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 469.67, 781.1179999999999, 606.51, 0.69158]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.3378], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.2405], [234.93, 416.87, 363.89, 805.75, 0.94833], [736.17, 469.67, 781.1179999999999, 606.51, 0.88822], [481.15, 446.86, 523.021, 574.47, 0.35484]], "trackers": [[868.9515340272175, 210.31191896632998, 1111.08741907567, 938.726133715598, 0.0], [1145.2245066754576, 410.656512771332, 1230.9763865362538, 669.8916477099747, 0.0], [1069.4436520766378, 394.6967308630128, 1265.2644092550347, 984.1669276147004, 0.0], [862.2440829325119, 452.49944778598564, 935.9232768133627, 675.547628522559, 0.0], [893.7373088857343, 413.5553085104346, 1063.6883820205912, 925.4122879888225, 0.0], [247.60466489838979, 396.0066421329493, 391.0470841307154, 828.3335858458779, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1099.0, 413.0, 1277.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [676.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [955.0, 448.0, 982.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1063.0, 404.0, 1253.0, 1013.0, 1.0], [903.0, 421.0, 1050.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [487.0, 453.0, 520.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [237.0, 410.0, 457.0, 821.0, 1.0], [-44.0, 443.0, 149.0, 785.0, 1.0], [887.0, 440.0, 964.0, 656.0, 1.0], [1128.0, 427.0, 1223.0, 677.0, 1.0], [1480.0, 439.0, 1534.0, 550.0, 1.0], [1226.0, 446.0, 1273.0, 551.0, 1.0], [901.0, 450.0, 923.0, 520.0, 1.0], [852.0, 445.0, 878.0, 521.0, 1.0], [633.0, 458.0, 656.0, 524.0, 1.0], [688.0, 456.0, 710.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [560.0, 455.0, 579.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [542.0, 457.0, 562.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [79912.38279863942], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5]], "ret_unmatched_detections": [3, 4], "ret_unmatched_trackers": [3], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 17, "confidence": 1, "age": 340}, {"time_since_observed": 20, "confidence": 0.35745926586642235, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 341, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[481.15, 446.86, 523.021, 574.47, 0.35484]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.4898], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.3889], [736.17, 469.67, 781.1179999999999, 606.51, 0.55407]], "trackers": [[868.5906620855897, 208.34188772884363, 1110.7265459054395, 936.7560987821232, 0.0], [1139.9648276277048, 410.07122814527474, 1225.7167066260195, 669.3063604765641, 0.0], [1069.095782599308, 394.77087142086185, 1264.8904550841978, 984.1628194883899, 0.0], [893.662366556937, 413.5269572028766, 1063.6195693673221, 925.4024002969146, 0.0], [246.2802327515184, 409.7841367794273, 380.1665851775489, 813.4393821123969, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1101.0, 413.0, 1279.0, 913.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [675.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [955.0, 448.0, 982.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1064.0, 405.0, 1254.0, 1014.0, 1.0], [904.0, 421.0, 1051.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [487.0, 453.0, 519.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [243.0, 409.0, 458.0, 819.0, 1.0], [-32.0, 442.0, 150.0, 785.0, 1.0], [890.0, 441.0, 967.0, 657.0, 1.0], [1123.0, 428.0, 1217.0, 675.0, 1.0], [1482.0, 440.0, 1539.0, 551.0, 1.0], [1227.0, 446.0, 1274.0, 551.0, 1.0], [902.0, 450.0, 924.0, 520.0, 1.0], [854.0, 445.0, 880.0, 521.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [690.0, 456.0, 712.0, 520.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [712.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [76866.07552801287], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 18, "confidence": 1, "age": 341}, {"time_since_observed": 21, "confidence": 0.35530654379786875, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 342, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.4866], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.409], [736.17, 469.67, 781.1179999999999, 606.51, 0.89517], [558.32, 451.14, 578.755, 514.446, 0.33033]], "trackers": [[868.2297898368112, 206.37185556736011, 1110.36567304236, 934.7860647726454, 0.0], [1134.7051483643315, 409.48594286737915, 1220.4570269314056, 668.7210738949918, 0.0], [1053.4773716424309, 375.046245827791, 1268.1405627997817, 1021.0604190779429, 0.0], [893.594222345325, 413.50044302009906, 1063.5575969901245, 925.3944752704901, 0.0], [253.33309886780472, 410.20352187645216, 386.9437891683121, 813.0276708288663, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1104.0, 413.0, 1282.0, 913.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [675.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [954.0, 448.0, 981.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1064.0, 405.0, 1254.0, 1014.0, 1.0], [904.0, 421.0, 1051.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [486.0, 453.0, 518.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [250.0, 408.0, 459.0, 818.0, 1.0], [-21.0, 441.0, 152.0, 785.0, 1.0], [893.0, 441.0, 969.0, 657.0, 1.0], [1118.0, 429.0, 1211.0, 672.0, 1.0], [1484.0, 439.0, 1540.0, 550.0, 1.0], [1228.0, 446.0, 1275.0, 551.0, 1.0], [903.0, 450.0, 926.0, 520.0, 1.0], [856.0, 446.0, 882.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [690.0, 455.0, 712.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [80709.35257290075], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 5]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [4, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 19, "confidence": 1, "age": 342}, {"time_since_observed": 22, "confidence": 0.324258014084615, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.900257215662253, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 343, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[558.32, 451.14, 578.755, 514.446, 0.33033]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.6998], [25.251, 437.53, 145.511, 800.3, 1.3332], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2989], [736.17, 469.67, 781.1179999999999, 606.51, 0.44294]], "trackers": [[867.8689174344574, 204.40182294387807, 1110.0048003328554, 932.8160312251663, 0.0], [1129.4454691009582, 408.90065758948356, 1215.1973472367918, 668.1357873134197, 0.0], [1047.569583286706, 368.0819258177047, 1269.0170582390533, 1034.4432840467812, 0.0], [893.5322987262135, 413.4756680271812, 1063.501801896461, 925.3881584490198, 0.0], [260.3171562014746, 410.41545471620935, 393.7898019416918, 812.8234118026037, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 413.0, 1284.0, 913.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [675.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [954.0, 448.0, 981.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1065.0, 405.0, 1255.0, 1014.0, 1.0], [905.0, 421.0, 1051.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [486.0, 453.0, 518.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [256.0, 407.0, 460.0, 817.0, 1.0], [-9.0, 440.0, 153.0, 785.0, 1.0], [896.0, 441.0, 972.0, 657.0, 1.0], [1113.0, 429.0, 1205.0, 670.0, 1.0], [1486.0, 439.0, 1541.0, 549.0, 1.0], [1230.0, 446.0, 1277.0, 551.0, 1.0], [905.0, 451.0, 927.0, 521.0, 1.0], [857.0, 446.0, 883.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [690.0, 455.0, 712.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 548.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82173.30125984461], "iou_threshold": 0.3, "ret_matches": [[0, 3], [2, 2], [3, 5]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [1, 4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 20, "confidence": 1, "age": 343}, {"time_since_observed": 23, "confidence": 0.30581041462090813, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.6100492124658559, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 344, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.3332]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.8891], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2489], [25.251, 437.53, 145.511, 800.3, 1.2336], [736.17, 469.67, 781.1179999999999, 606.51, 0.39825], [286.91, 416.87, 415.87, 805.75, 0.39793]], "trackers": [[867.508044955316, 202.43179008939677, 1109.6439277001389, 930.8459979086863, 0.0], [1124.185789837585, 408.3153723115879, 1209.937667542178, 667.5505007318475, 0.0], [1045.207234484877, 365.4341337567774, 1269.1906266805618, 1039.3994579671773, 0.0], [893.4760309276508, 413.452502083628, 1063.4515880237389, 925.3832257894557, 0.0], [267.30128499563057, 410.62760300287016, 400.63574325458535, 812.6189373294372, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1110.0, 413.0, 1287.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [674.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [954.0, 448.0, 981.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 557.0, 1.0], [1066.0, 405.0, 1256.0, 1014.0, 1.0], [905.0, 421.0, 1052.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [486.0, 453.0, 518.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [263.0, 406.0, 461.0, 816.0, 1.0], [3.0, 439.0, 155.0, 785.0, 1.0], [899.0, 441.0, 975.0, 657.0, 1.0], [1109.0, 430.0, 1199.0, 667.0, 1.0], [1488.0, 439.0, 1542.0, 549.0, 1.0], [1231.0, 446.0, 1278.0, 551.0, 1.0], [906.0, 451.0, 928.0, 521.0, 1.0], [858.0, 446.0, 884.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [690.0, 455.0, 712.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [662.0, 532.0, 712.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 602.0, 512.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82721.30780764364], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [3, 5], [4, 4]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 21, "confidence": 1, "age": 344}, {"time_since_observed": 24, "confidence": 0.29224653036535675, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 345, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[25.251, 437.53, 145.511, 800.3, 1.2336]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.7793], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2646], [25.251, 437.53, 145.511, 800.3, 1.1677], [312.9, 416.87, 441.86, 805.75, 0.68318], [736.17, 469.67, 781.1179999999999, 606.51, 0.41924], [584.04, 451.14, 604.4749999999999, 514.446, 0.32783]], "trackers": [[867.1471724377807, 200.46175711941578, 1109.283055105816, 928.8759647077061, 0.0], [1118.9261105742116, 407.7300870336923, 1204.677987847564, 666.9652141502752, 0.0], [1044.1907653782982, 364.36873387760323, 1269.1336764601024, 1041.210926897825, 0.0], [893.4248918708331, 413.43081153156083, 1063.406417651478, 925.3795117126416, 0.0], [292.69563290510513, 416.28950268181137, 422.05882638084466, 806.3715384066913, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1110.0, 412.0, 1287.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [674.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [953.0, 448.0, 980.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1067.0, 405.0, 1257.0, 1014.0, 1.0], [906.0, 421.0, 1052.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [486.0, 453.0, 518.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [270.0, 405.0, 462.0, 815.0, 1.0], [20.0, 439.0, 165.0, 783.0, 1.0], [902.0, 441.0, 978.0, 657.0, 1.0], [1104.0, 431.0, 1193.0, 665.0, 1.0], [1491.0, 438.0, 1543.0, 548.0, 1.0], [1232.0, 446.0, 1279.0, 551.0, 1.0], [907.0, 451.0, 930.0, 521.0, 1.0], [860.0, 446.0, 886.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [691.0, 454.0, 713.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 729.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [531.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [82415.12208430305], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [3, 4], [4, 5]], "ret_unmatched_detections": [2, 5], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 22, "confidence": 1, "age": 345}, {"time_since_observed": 25, "confidence": 0.28267790375016116, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 346, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[584.04, 451.14, 604.4749999999999, 514.446, 0.32783]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.8101], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0654], [49.503, 437.53, 169.763, 800.3, 0.94604], [312.9, 416.87, 441.86, 805.75, 0.81158], [736.17, 469.67, 781.1179999999999, 606.51, 0.42201]], "trackers": [[866.7862999010486, 198.491724091685, 1108.92218253069, 926.9059315644756, 0.0], [1113.6664313108383, 407.1448017557967, 1199.4183081529502, 666.379927568703, 0.0], [1043.6972988850591, 363.9033503268349, 1269.0040155311133, 1041.8362680811356, 0.0], [893.3783985808229, 413.41046928709716, 1063.365805008023, 925.3768807609304, 0.0], [315.89730314891847, 417.08510488578236, 444.7076804338143, 805.5090477399222, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [25.251000000000005, 437.53, 145.511, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 412.0, 1287.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [674.0, 492.0, 724.0, 599.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [953.0, 448.0, 980.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1068.0, 405.0, 1258.0, 1014.0, 1.0], [906.0, 421.0, 1053.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [486.0, 453.0, 518.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 461.0, 440.0, 544.0, 1.0], [276.0, 404.0, 463.0, 814.0, 1.0], [37.0, 439.0, 175.0, 781.0, 1.0], [905.0, 441.0, 981.0, 658.0, 1.0], [1099.0, 431.0, 1187.0, 662.0, 1.0], [1495.0, 438.0, 1544.0, 548.0, 1.0], [1234.0, 446.0, 1281.0, 551.0, 1.0], [908.0, 451.0, 931.0, 521.0, 1.0], [861.0, 446.0, 887.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [691.0, 454.0, 713.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 531.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [76883.74814907994], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 6], [3, 4], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 23, "confidence": 1, "age": 346}, {"time_since_observed": 26, "confidence": 0.29247270005679965, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 347, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 1.9477], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2845], [49.503, 437.53, 169.763, 800.3, 1.1378], [736.17, 469.67, 781.1179999999999, 606.51, 0.59828], [338.9, 416.87, 467.86, 805.75, 0.41329]], "trackers": [[866.425427354718, 196.52169103507924, 1108.5613099651623, 924.9358984501201, 0.0], [1108.4067520474653, 406.5595164779011, 1194.1586284583361, 665.7946409871308, 0.0], [1043.4136258070412, 363.671278398464, 1268.8575313965744, 1042.0154795033186, 0.0], [893.3361118047363, 413.39135792989237, 1063.3293110000532, 925.3752160134009, 0.0], [323.21699881406494, 417.35804620595707, 451.8385515005633, 805.2156178611305, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [66.29284615384617, 437.53, 186.55284615384616, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 411.0, 1287.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [673.0, 492.0, 723.0, 598.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [953.0, 448.0, 980.0, 524.0, 1.0], [1101.0, 439.0, 1140.0, 548.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1068.0, 405.0, 1258.0, 1014.0, 1.0], [907.0, 421.0, 1053.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [485.0, 453.0, 517.0, 565.0, 1.0], [429.0, 456.0, 459.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 440.0, 544.0, 1.0], [283.0, 403.0, 464.0, 813.0, 1.0], [54.0, 440.0, 186.0, 780.0, 1.0], [908.0, 441.0, 984.0, 658.0, 1.0], [1094.0, 432.0, 1181.0, 660.0, 1.0], [1499.0, 438.0, 1545.0, 548.0, 1.0], [1234.0, 446.0, 1280.0, 550.0, 1.0], [910.0, 451.0, 932.0, 521.0, 1.0], [863.0, 446.0, 889.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [691.0, 454.0, 713.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [727.0, 515.0, 781.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [561.0, 459.0, 579.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [76890.2432838958], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 6], [3, 5], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 24, "confidence": 1, "age": 347}, {"time_since_observed": 27, "confidence": 0.2826873695369059, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 348, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.3036], [52.984, 416.87, 181.94400000000002, 805.75, 1.6197], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.4125], [338.9, 416.87, 467.86, 805.75, 1.126], [736.17, 469.67, 781.1179999999999, 606.51, 0.33289]], "trackers": [[866.0645548035882, 194.5516579640361, 1108.200437404434, 922.965865350202, 0.0], [1103.147072784092, 405.97423120000553, 1188.8989487637223, 665.2093544055585, 0.0], [1043.2193126746151, 363.5333782987174, 1268.7139928468773, 1042.029779870047, 0.0], [893.297633301103, 413.3733701984372, 1063.2965386363544, 925.3744139812557, 0.0], [343.68354703250384, 417.45065278264735, 472.24182854505466, 805.1185667299025, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [62.98978679223875, 437.53, 183.24978679223875, 800.3, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 411.0, 1287.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [673.0, 492.0, 723.0, 598.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [952.0, 448.0, 979.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1069.0, 405.0, 1259.0, 1014.0, 1.0], [907.0, 421.0, 1053.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [485.0, 453.0, 517.0, 565.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 441.0, 544.0, 1.0], [290.0, 402.0, 465.0, 812.0, 1.0], [59.0, 440.0, 199.0, 779.0, 1.0], [911.0, 441.0, 987.0, 658.0, 1.0], [1090.0, 433.0, 1175.0, 658.0, 1.0], [1502.0, 438.0, 1546.0, 548.0, 1.0], [1234.0, 446.0, 1280.0, 550.0, 1.0], [911.0, 451.0, 933.0, 521.0, 1.0], [864.0, 446.0, 890.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [692.0, 453.0, 714.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 458.0, 619.0, 510.0, 1.0], [582.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [76893.9123596699], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 6], [2, 2], [3, 4], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 25, "confidence": 1, "age": 348}, {"time_since_observed": 28, "confidence": 0.2736108761927038, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 349, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.208], [73.754, 437.53, 194.014, 800.3, 1.5712], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.3265], [338.9, 416.87, 467.86, 805.75, 0.85911]], "trackers": [[865.7036822500587, 192.5816248857742, 1107.8395648461055, 920.9958322575027, 0.0], [1097.8873935207187, 405.38894592211, 1183.6392690691084, 664.6240678239863, 0.0], [1052.830175503861, 374.1285398340891, 1268.9615596534127, 1024.5308537531919, 0.0], [893.2626024829535, 413.3564085625513, 1063.2671289598861, 925.3743820460704, 0.0], [350.50494503527443, 417.47473504636775, 479.04759238370514, 805.0959370386571, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [63.21698683248542, 415.2621206872394, 192.82008506891327, 806.1326661180623, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 410.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [673.0, 492.0, 723.0, 598.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [952.0, 448.0, 979.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1070.0, 405.0, 1260.0, 1014.0, 1.0], [908.0, 421.0, 1054.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [485.0, 453.0, 517.0, 565.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 441.0, 544.0, 1.0], [307.0, 402.0, 466.0, 810.0, 1.0], [64.0, 440.0, 213.0, 778.0, 1.0], [914.0, 441.0, 990.0, 658.0, 1.0], [1081.0, 434.0, 1169.0, 656.0, 1.0], [1506.0, 438.0, 1547.0, 548.0, 1.0], [1234.0, 446.0, 1279.0, 550.0, 1.0], [912.0, 451.0, 935.0, 521.0, 1.0], [865.0, 446.0, 891.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [692.0, 453.0, 714.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [598.0, 458.0, 619.0, 510.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [76122.48769848181], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 6], [2, 2], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [1, 5], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 26, "confidence": 1, "age": 349}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 35}, {"time_since_observed": 1, "confidence": 0.07271985001234245, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 350, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.0861], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.192], [73.754, 437.53, 194.014, 800.3, 1.0912], [338.9, 416.87, 467.86, 805.75, 0.92363], [736.17, 469.67, 781.1179999999999, 606.51, 0.46187], [884.73, 208.94, 1143.65, 987.7, 0.40274]], "trackers": [[865.3428096953294, 190.61159180390297, 1107.4786922889766, 919.0257991684127, 0.0], [1046.5880773248077, 367.4082594053351, 1268.5704598441635, 1035.367337988093, 0.0], [893.2306930352102, 413.3403845032903, 1063.2407573950563, 925.3750369289164, 0.0], [352.19242254363036, 417.4730875758345, 480.7372435474744, 805.1010095471971, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [81.29116943145203, 430.2832195884097, 204.63374011923264, 802.3216477302727, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1113.0, 410.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [672.0, 492.0, 723.0, 598.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [951.0, 448.0, 978.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [989.0, 447.0, 1024.0, 556.0, 1.0], [1071.0, 405.0, 1261.0, 1014.0, 1.0], [908.0, 421.0, 1054.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 574.0, 1.0], [485.0, 453.0, 517.0, 565.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 441.0, 544.0, 1.0], [325.0, 403.0, 468.0, 809.0, 1.0], [69.0, 440.0, 227.0, 777.0, 1.0], [917.0, 441.0, 993.0, 658.0, 1.0], [1072.0, 435.0, 1163.0, 655.0, 1.0], [1510.0, 438.0, 1548.0, 548.0, 1.0], [1234.0, 446.0, 1279.0, 550.0, 1.0], [914.0, 451.0, 936.0, 521.0, 1.0], [867.0, 446.0, 893.0, 522.0, 1.0], [633.0, 458.0, 657.0, 525.0, 1.0], [692.0, 453.0, 714.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [518.0, 458.0, 541.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 540.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [561.0, 455.0, 580.0, 514.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [543.0, 457.0, 563.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [85594.6385306839], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 5], [3, 3], [4, 4], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 36}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 351, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.1193], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.3036], [73.754, 437.53, 194.014, 800.3, 0.95992], [338.9, 416.87, 467.86, 805.75, 0.81793], [736.17, 469.67, 781.1179999999999, 606.51, 0.50932], [884.73, 208.94, 1143.65, 987.7, 0.46956]], "trackers": [[885.4048514098995, 208.8027841792515, 1144.0287913519276, 986.6773431856722, 0.0], [1044.1611420850868, 364.8654322509644, 1268.3368418653117, 1039.404827453633, 0.0], [893.2016097227179, 413.3252177346177, 1063.217130453966, 925.3763036065276, 0.0], [351.99946897613853, 417.4621525922099, 480.55281639404353, 805.1158491751386, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [84.92157209951945, 435.1816011040911, 206.19789246489069, 801.0060028649988, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1113.0, 410.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 484.0, 1092.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [672.0, 492.0, 723.0, 598.0, 0.0], [726.0, 479.0, 783.0, 591.0, 0.0], [951.0, 448.0, 978.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1262.0, 1015.0, 1.0], [909.0, 421.0, 1055.0, 950.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 424.0, 575.0, 1.0], [485.0, 454.0, 517.0, 565.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 441.0, 544.0, 1.0], [342.0, 403.0, 469.0, 807.0, 1.0], [74.0, 440.0, 241.0, 776.0, 1.0], [921.0, 442.0, 996.0, 659.0, 1.0], [1063.0, 437.0, 1158.0, 654.0, 1.0], [1514.0, 438.0, 1549.0, 548.0, 1.0], [1234.0, 446.0, 1279.0, 550.0, 1.0], [915.0, 451.0, 937.0, 521.0, 1.0], [868.0, 446.0, 894.0, 522.0, 1.0], [633.0, 459.0, 658.0, 525.0, 1.0], [693.0, 453.0, 715.0, 519.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [518.0, 458.0, 541.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [661.0, 532.0, 711.0, 610.0, 0.0], [504.0, 460.0, 531.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 455.0, 581.0, 514.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [544.0, 457.0, 564.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [89966.60969756608], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 5], [3, 3], [4, 4], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 37}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 352, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.2164], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.1766], [364.77, 413.27, 485.03, 776.04, 0.97097], [73.754, 437.53, 194.014, 800.3, 0.83873], [884.73, 208.94, 1143.65, 987.7, 0.52431]], "trackers": [[885.5271745978743, 208.39001800040268, 1144.4883094629613, 987.2754374165854, 0.0], [1052.9568358830559, 374.59317618506964, 1268.5602778234922, 1023.4110593537044, 0.0], [893.1750854525585, 413.3108354509898, 1063.195982761168, 925.3781144461757, 0.0], [351.16623956770604, 417.4481869772127, 479.7301141453589, 805.1336524187608, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [84.65725053785542, 436.84649843436756, 205.22706906161, 800.5467604093949, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 409.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1092.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [672.0, 492.0, 723.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [951.0, 448.0, 978.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1263.0, 1014.0, 1.0], [910.0, 421.0, 1056.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 424.0, 575.0, 1.0], [484.0, 454.0, 516.0, 564.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 461.0, 441.0, 544.0, 1.0], [360.0, 404.0, 471.0, 806.0, 1.0], [79.0, 440.0, 255.0, 775.0, 1.0], [925.0, 441.0, 1002.0, 660.0, 1.0], [1061.0, 436.0, 1153.0, 653.0, 1.0], [1516.0, 438.0, 1553.0, 547.0, 1.0], [1234.0, 446.0, 1278.0, 550.0, 1.0], [916.0, 451.0, 939.0, 521.0, 1.0], [870.0, 446.0, 896.0, 522.0, 1.0], [632.0, 459.0, 657.0, 525.0, 1.0], [693.0, 453.0, 715.0, 518.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [713.0, 478.0, 730.0, 536.0, 0.0], [518.0, 458.0, 541.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 711.0, 610.0, 0.0], [503.0, 459.0, 530.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 454.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [544.0, 457.0, 564.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [88082.47727677772], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 3], [3, 5], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 352}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 38}, {"time_since_observed": 1, "confidence": 0.08379443235693226, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 353, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[883.2, 405.34, 1065.99, 955.72, 1.969], [364.77, 413.27, 485.03, 776.04, 1.4229], [1064.7, 394.97, 1260.68, 984.9200000000001, 0.98312], [98.006, 437.53, 218.26600000000002, 800.3, 0.90444], [561.0, 453.0, 580.0, 512.0, 0.37943], [884.73, 208.94, 1143.65, 987.7, 0.37239], [736.17, 469.67, 781.1179999999999, 606.51, 0.30497]], "trackers": [[885.5321429488079, 208.26588749571744, 1144.6068972037672, 987.4919832550695, 0.0], [1061.3281685384816, 386.2918678809536, 1264.8914943412685, 998.9961439913573, 0.0], [893.1508785976771, 413.29717162830383, 1063.1770743642076, 925.3804084673623, 0.0], [368.27541566372315, 413.9404020241378, 491.2736386000637, 784.9215618877371, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [83.4620406657541, 437.41750199527246, 203.78748151428573, 800.3832605442417, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 409.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1093.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [671.0, 492.0, 723.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [950.0, 448.0, 977.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1265.0, 1014.0, 1.0], [912.0, 421.0, 1057.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 424.0, 575.0, 1.0], [484.0, 454.0, 516.0, 564.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [366.0, 404.0, 485.0, 805.0, 1.0], [84.0, 440.0, 269.0, 774.0, 1.0], [-85.0, 449.0, 87.0, 857.0, 1.0], [930.0, 441.0, 1008.0, 662.0, 1.0], [1059.0, 435.0, 1148.0, 652.0, 1.0], [1518.0, 438.0, 1558.0, 547.0, 1.0], [1234.0, 446.0, 1278.0, 550.0, 1.0], [917.0, 451.0, 940.0, 521.0, 1.0], [871.0, 446.0, 897.0, 522.0, 1.0], [632.0, 459.0, 657.0, 525.0, 1.0], [694.0, 453.0, 716.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 730.0, 536.0, 0.0], [518.0, 458.0, 542.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 711.0, 610.0, 0.0], [503.0, 459.0, 530.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 454.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [544.0, 457.0, 564.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [84854.03612641606], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 5], [5, 0], [6, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 353}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 39}, {"time_since_observed": 0, "confidence": 0.08379443235693226, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 354, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.37943]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.4911], [364.77, 413.27, 485.03, 776.04, 1.4016], [1056.6, 381.02, 1266.7199999999998, 1013.38, 0.98558], [98.006, 437.53, 218.26600000000002, 800.3, 0.47601], [561.0, 453.0, 580.0, 512.0, 0.30549]], "trackers": [[885.4735803187999, 208.2478648186716, 1144.590465789357, 987.6002850409222, 0.0], [1064.513801964413, 391.11121574433673, 1263.2882988769004, 989.4459597505795, 0.0], [886.7997433786518, 409.48596507460087, 1064.6982365523556, 945.1916018898212, 0.0], [374.0455520800403, 412.8112319632196, 494.8675379350654, 777.2581699808593, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [101.10167053879792, 437.60705693704506, 221.34424199468236, 800.3238542864473, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 408.0, 1287.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 482.0, 1093.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [671.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [950.0, 448.0, 977.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1266.0, 1014.0, 1.0], [913.0, 422.0, 1058.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 424.0, 575.0, 1.0], [483.0, 454.0, 516.0, 564.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [372.0, 405.0, 500.0, 804.0, 1.0], [90.0, 441.0, 283.0, 774.0, 1.0], [-73.0, 449.0, 110.0, 857.0, 1.0], [935.0, 441.0, 1014.0, 663.0, 1.0], [1057.0, 434.0, 1143.0, 651.0, 1.0], [1520.0, 438.0, 1562.0, 547.0, 1.0], [1234.0, 446.0, 1277.0, 550.0, 1.0], [919.0, 451.0, 941.0, 521.0, 1.0], [872.0, 446.0, 898.0, 522.0, 1.0], [631.0, 459.0, 657.0, 525.0, 1.0], [694.0, 453.0, 716.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 730.0, 536.0, 0.0], [519.0, 458.0, 542.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 710.0, 610.0, 0.0], [503.0, 459.0, 529.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 454.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [544.0, 457.0, 564.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [84996.0287741217], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 40}, {"time_since_observed": 1, "confidence": 0.10131012203974525, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 355, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.30549]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.6167], [364.89, 416.87, 493.85, 805.75, 1.2294], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1499], [561.0, 453.0, 580.0, 512.0, 0.41889]], "trackers": [[885.9799197383459, 207.89883265718146, 1145.1660212851787, 987.459435825386, 0.0], [1060.4364429938194, 384.79564826137715, 1266.3056391316688, 1004.40994295976, 0.0], [890.6974003216142, 411.67060549845434, 1063.7794774004874, 932.9250665793534, 0.0], [375.51938903660465, 412.5056072811202, 495.5141723455278, 774.4686189959126, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [106.50018835899385, 437.6623739734123, 226.71695202564769, 800.3017094608954, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 408.0, 1287.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 482.0, 1094.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [671.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [950.0, 448.0, 977.0, 524.0, 1.0], [1101.0, 438.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1268.0, 1014.0, 1.0], [915.0, 422.0, 1059.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 424.0, 575.0, 1.0], [483.0, 454.0, 515.0, 564.0, 1.0], [428.0, 456.0, 458.0, 564.0, 1.0], [410.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [378.0, 405.0, 514.0, 803.0, 1.0], [98.0, 440.0, 285.0, 772.0, 1.0], [-61.0, 449.0, 133.0, 857.0, 1.0], [940.0, 441.0, 1020.0, 665.0, 1.0], [1055.0, 433.0, 1138.0, 650.0, 1.0], [1522.0, 438.0, 1567.0, 547.0, 1.0], [1234.0, 446.0, 1277.0, 550.0, 1.0], [920.0, 451.0, 942.0, 521.0, 1.0], [873.0, 446.0, 899.0, 522.0, 1.0], [631.0, 459.0, 657.0, 526.0, 1.0], [695.0, 453.0, 717.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [519.0, 458.0, 542.0, 522.0, 1.0], [726.0, 515.0, 780.0, 602.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 710.0, 610.0, 0.0], [502.0, 459.0, 529.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 454.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [544.0, 457.0, 564.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [85501.70999955744], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4, 5], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 355}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 41}, {"time_since_observed": 2, "confidence": 0.05395229218250559, "age": 16}, {"time_since_observed": 1, "confidence": 0.509876671364313, "age": 11}], "frame_count": 356, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[561.0, 453.0, 580.0, 512.0, 0.41889]]}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.6519], [389.02, 413.27, 509.28, 776.04, 1.094], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0871], [884.73, 208.94, 1143.65, 987.7, 0.42081], [122.26, 437.53, 242.52, 800.3, 0.30308]], "trackers": [[886.5035666422982, 207.60185665496306, 1145.7242692965938, 987.2665304505779, 0.0], [1048.9028959508212, 371.29616948174237, 1267.1253962143176, 1027.9795311039456, 0.0], [892.1928260129996, 412.5528614395195, 1063.4028159650736, 928.18917712446, 0.0], [375.74357142553845, 415.7900180374696, 501.1386499279747, 793.9669377418671, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [113.98226397407929, 437.76939531413313, 234.161584121428, 800.2957807225675, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 407.0, 1287.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 481.0, 1094.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [670.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [949.0, 448.0, 976.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 556.0, 1.0], [1072.0, 405.0, 1269.0, 1014.0, 1.0], [917.0, 423.0, 1060.0, 944.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 575.0, 1.0], [482.0, 454.0, 515.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [384.0, 406.0, 529.0, 802.0, 1.0], [106.0, 440.0, 287.0, 770.0, 1.0], [-49.0, 449.0, 156.0, 857.0, 1.0], [945.0, 441.0, 1026.0, 666.0, 1.0], [1053.0, 432.0, 1133.0, 649.0, 1.0], [1524.0, 438.0, 1569.0, 547.0, 1.0], [1234.0, 446.0, 1277.0, 550.0, 1.0], [921.0, 451.0, 944.0, 521.0, 1.0], [875.0, 446.0, 901.0, 522.0, 1.0], [631.0, 459.0, 657.0, 526.0, 1.0], [695.0, 453.0, 717.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [519.0, 458.0, 543.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 710.0, 610.0, 0.0], [502.0, 459.0, 528.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 454.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [545.0, 457.0, 565.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [88471.79690766889], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 0], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 356}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 42}, {"time_since_observed": 3, "confidence": 0.037078086862982064, "age": 17}, {"time_since_observed": 0, "confidence": 0.509876671364313, "age": 12}], "frame_count": 357, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[892.72, 412.56, 1063.2, 926.01, 2.6194], [389.02, 413.27, 509.28, 776.04, 1.2522], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2191], [884.73, 208.94, 1143.65, 987.7, 0.67509], [562.61, 455.43, 583.045, 518.736, 0.625]], "trackers": [[885.3801104272181, 208.4789751820121, 1144.3957219810216, 987.5266009710485, 0.0], [1044.5702359552467, 366.37419685499793, 1267.3301998483741, 1036.668494157954, 0.0], [892.7551921948661, 412.8967411369633, 1063.24779635519, 926.3800385211728, 0.0], [392.10682129136086, 413.6657482641494, 513.9023651775393, 781.0368849757447, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [128.73316989035678, 437.66942104581955, 248.94377913098558, 800.2903651274667, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 407.0, 1287.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1055.0, 481.0, 1095.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [670.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [949.0, 448.0, 976.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1271.0, 1013.0, 1.0], [918.0, 423.0, 1061.0, 943.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 575.0, 1.0], [482.0, 454.0, 515.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [390.0, 406.0, 543.0, 801.0, 1.0], [114.0, 439.0, 289.0, 768.0, 1.0], [-37.0, 449.0, 179.0, 857.0, 1.0], [949.0, 441.0, 1032.0, 668.0, 1.0], [1051.0, 432.0, 1129.0, 648.0, 1.0], [1526.0, 438.0, 1571.0, 547.0, 1.0], [1234.0, 446.0, 1277.0, 550.0, 1.0], [922.0, 451.0, 945.0, 521.0, 1.0], [876.0, 446.0, 902.0, 522.0, 1.0], [630.0, 459.0, 656.0, 526.0, 1.0], [696.0, 453.0, 718.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [520.0, 458.0, 543.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [660.0, 532.0, 710.0, 610.0, 0.0], [502.0, 459.0, 528.0, 541.0, 1.0], [530.0, 460.0, 547.0, 511.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 453.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [545.0, 457.0, 565.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [88855.1785979108], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [5, 4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 357}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 43}, {"time_since_observed": 4, "confidence": 0.029419116333433974, "age": 18}, {"time_since_observed": 1, "confidence": 0.5887002013745326, "age": 13}], "frame_count": 358, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[562.61, 455.43, 583.045, 518.736, 0.625]]}, "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 2.4724], [390.88, 390.88, 519.84, 779.76, 1.1343], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0824], [681.0, 489.0, 720.0, 608.0, 0.44758]], "trackers": [[885.2680226051762, 208.5836029181644, 1144.253678190401, 987.5410957133956, 0.0], [1042.9168221570476, 364.49226120787364, 1267.384407190826, 1039.9081722351834, 0.0], [892.9593154806197, 413.0295061944432, 1063.180143704794, 925.6971566233779, 0.0], [397.6276670832765, 412.98216714349275, 518.033054825562, 776.1790658947473, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [136.9675949762496, 437.7567149810627, 257.1467605893042, 800.2828078845289, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1117.0, 407.0, 1287.0, 917.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1055.0, 480.0, 1096.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [670.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [949.0, 448.0, 976.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1272.0, 1013.0, 1.0], [920.0, 423.0, 1062.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 575.0, 1.0], [481.0, 454.0, 514.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 441.0, 543.0, 1.0], [397.0, 407.0, 558.0, 801.0, 1.0], [122.0, 439.0, 291.0, 766.0, 1.0], [-25.0, 449.0, 203.0, 858.0, 1.0], [954.0, 441.0, 1038.0, 669.0, 1.0], [1046.0, 432.0, 1124.0, 647.0, 1.0], [1528.0, 438.0, 1573.0, 547.0, 1.0], [1235.0, 446.0, 1278.0, 550.0, 1.0], [924.0, 452.0, 946.0, 522.0, 1.0], [877.0, 446.0, 903.0, 522.0, 1.0], [630.0, 459.0, 656.0, 527.0, 1.0], [696.0, 453.0, 718.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [520.0, 458.0, 544.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 710.0, 610.0, 0.0], [501.0, 459.0, 527.0, 541.0, 1.0], [531.0, 461.0, 548.0, 512.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 453.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [545.0, 457.0, 565.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1012.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [89010.68975751336], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [4, 5], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 358}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 44}, {"time_since_observed": 2, "confidence": 0.3181556536626447, "age": 14}], "frame_count": 359, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.44758]]}, "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 2.0851], [389.02, 413.27, 509.28, 776.04, 1.1062], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0258], [681.0, 489.0, 720.0, 608.0, 0.60319], [738.38, 472.58, 780.251, 600.1899999999999, 0.42715], [146.51, 437.53, 266.77, 800.3, 0.3646]], "trackers": [[885.6071211176575, 208.40386017881872, 1144.6086197982465, 987.4090046396033, 0.0], [1042.2793987775356, 363.7423723026537, 1267.3943358878907, 1041.0997515904808, 0.0], [904.1132501406508, 403.0555607282363, 1090.715937799683, 964.8860135858727, 0.0], [400.63306521203975, 397.63701845767037, 526.1957499122341, 776.317548705985, 0.0], [145.202024176668, 437.84402132796527, 265.3497379330973, 800.2752382299318, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 406.0, 1285.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1056.0, 480.0, 1096.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [669.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [948.0, 448.0, 975.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1274.0, 1013.0, 1.0], [921.0, 424.0, 1063.0, 941.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 575.0, 1.0], [481.0, 454.0, 514.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 442.0, 543.0, 1.0], [397.0, 407.0, 567.0, 800.0, 1.0], [130.0, 438.0, 293.0, 764.0, 1.0], [-22.0, 448.0, 207.0, 858.0, 1.0], [959.0, 441.0, 1044.0, 671.0, 1.0], [1042.0, 432.0, 1120.0, 647.0, 1.0], [1530.0, 438.0, 1575.0, 547.0, 1.0], [1236.0, 446.0, 1279.0, 550.0, 1.0], [925.0, 452.0, 948.0, 522.0, 1.0], [879.0, 446.0, 905.0, 522.0, 1.0], [629.0, 459.0, 656.0, 527.0, 1.0], [697.0, 453.0, 719.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [520.0, 458.0, 544.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 710.0, 610.0, 0.0], [501.0, 459.0, 527.0, 541.0, 1.0], [531.0, 461.0, 548.0, 512.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [562.0, 459.0, 580.0, 517.0, 1.0], [562.0, 453.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [545.0, 457.0, 565.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 530.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "average_area": [110035.85247463512], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [5, 4]], "ret_unmatched_detections": [4, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 359}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 45}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 15}], "frame_count": 360, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.42715], [681.0, 489.0, 720.0, 608.0, 0.60319]]}, "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 1.8757], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0252], [408.29, 408.29, 520.4300000000001, 746.7, 0.92034], [169.9, 444.35, 274.46000000000004, 760.03, 0.4402], [681.0, 489.0, 720.0, 608.0, 0.41341], [738.38, 472.58, 780.251, 600.1899999999999, 0.37376]], "trackers": [[885.9501805856844, 208.2360309023785, 1144.9596004505465, 987.2650001029054, 0.0], [1042.030100530039, 363.4234750009524, 1267.3903125774136, 1041.5164270587493, 0.0], [908.3338785737045, 399.64178445564403, 1100.8282621329063, 979.1419584532189, 0.0], [399.50910301360614, 407.05442033931905, 521.4026869149582, 774.7205808714539, 0.0], [154.6586975961415, 437.64394316028677, 274.87601131628236, 800.2851639235777, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 405.0, 1284.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1056.0, 480.0, 1097.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [669.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [948.0, 448.0, 975.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1275.0, 1013.0, 1.0], [923.0, 424.0, 1064.0, 940.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 575.0, 1.0], [480.0, 454.0, 514.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 460.0, 442.0, 543.0, 1.0], [398.0, 408.0, 576.0, 799.0, 1.0], [139.0, 438.0, 295.0, 763.0, 1.0], [-18.0, 448.0, 212.0, 859.0, 1.0], [964.0, 441.0, 1050.0, 672.0, 1.0], [1037.0, 432.0, 1116.0, 646.0, 1.0], [1532.0, 438.0, 1577.0, 547.0, 1.0], [1237.0, 446.0, 1280.0, 550.0, 1.0], [926.0, 452.0, 949.0, 522.0, 1.0], [880.0, 446.0, 906.0, 522.0, 1.0], [629.0, 459.0, 656.0, 527.0, 1.0], [697.0, 453.0, 719.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [521.0, 458.0, 544.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 710.0, 610.0, 0.0], [501.0, 459.0, 526.0, 541.0, 1.0], [531.0, 461.0, 548.0, 512.0, 1.0], [582.0, 459.0, 602.0, 517.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [583.0, 454.0, 603.0, 511.0, 1.0], [545.0, 457.0, 565.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 530.0, 1.0], [1119.0, 449.0, 1156.0, 548.0, 1.0]], "average_area": [110910.68819822119], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 3], [3, 4]], "ret_unmatched_detections": [5, 4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 360}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 46}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 16}], "frame_count": 361, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[738.38, 472.58, 780.251, 600.1899999999999, 0.37376], [681.0, 489.0, 720.0, 608.0, 0.41341]]}, "detections": [[919.96, 405.34, 1102.75, 955.72, 1.9475], [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.93953], [408.29, 408.29, 520.4300000000001, 746.7, 0.78147]], "trackers": [[886.2952203952009, 208.07415794748857, 1145.308600761357, 987.1150392446573, 0.0], [1041.929763670438, 363.27168322074925, 1267.3820981335446, 1041.6408908932442, 0.0], [909.7503536458639, 398.2525581503742, 1104.4479954232863, 984.3588552419544, 0.0], [411.9244639306908, 406.25658426073653, 527.2588232959378, 754.2421153288641, 0.0], [174.0612711008153, 441.66316830314895, 283.2416512187175, 771.1915906205606, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1113.0, 404.0, 1283.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1057.0, 479.0, 1097.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [669.0, 492.0, 722.0, 598.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [948.0, 448.0, 975.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1277.0, 1013.0, 1.0], [925.0, 425.0, 1065.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 425.0, 576.0, 1.0], [480.0, 454.0, 513.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [399.0, 409.0, 585.0, 798.0, 1.0], [152.0, 438.0, 299.0, 763.0, 1.0], [-14.0, 447.0, 217.0, 860.0, 1.0], [969.0, 441.0, 1056.0, 674.0, 1.0], [1033.0, 433.0, 1111.0, 646.0, 1.0], [1534.0, 438.0, 1580.0, 547.0, 1.0], [1238.0, 446.0, 1281.0, 550.0, 1.0], [928.0, 452.0, 950.0, 522.0, 1.0], [881.0, 446.0, 907.0, 522.0, 1.0], [629.0, 459.0, 656.0, 528.0, 1.0], [698.0, 454.0, 720.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [521.0, 458.0, 545.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 710.0, 610.0, 0.0], [501.0, 459.0, 526.0, 541.0, 1.0], [531.0, 461.0, 548.0, 512.0, 1.0], [583.0, 459.0, 603.0, 517.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 581.0, 513.0, 1.0], [597.0, 457.0, 618.0, 509.0, 1.0], [584.0, 454.0, 604.0, 511.0, 1.0], [546.0, 457.0, 566.0, 516.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1118.0, 449.0, 1155.0, 548.0, 1.0]], "average_area": [108989.63483657487], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 361}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 47}, {"time_since_observed": 1, "confidence": 0.5281682202123544, "age": 17}], "frame_count": 362, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[919.96, 405.34, 1102.75, 955.72, 2.0208], [170.76, 413.27, 291.02, 776.04, 1.1056], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0411], [408.29, 408.29, 520.4300000000001, 746.7, 0.85119]], "trackers": [[886.6412503413956, 207.915263050911, 1145.6566109354892, 986.9621003280969, 0.0], [1041.886956518953, 363.1866000220714, 1267.3729874897326, 1041.6568410707398, 0.0], [918.6413557176592, 403.20024801946045, 1105.9617535384536, 967.1743723391913, 0.0], [416.0802457417327, 406.28769834915227, 528.8265751571006, 746.5034592732301, 0.0], [183.27935848612597, 441.7391575846774, 291.68183187600494, 768.9197003973762, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 403.0, 1282.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1057.0, 479.0, 1098.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [668.0, 492.0, 720.0, 597.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [947.0, 448.0, 974.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1277.0, 1012.0, 1.0], [926.0, 424.0, 1067.0, 938.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [479.0, 454.0, 513.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [400.0, 410.0, 594.0, 798.0, 1.0], [166.0, 438.0, 303.0, 763.0, 1.0], [-10.0, 447.0, 222.0, 861.0, 1.0], [970.0, 441.0, 1057.0, 675.0, 1.0], [1028.0, 433.0, 1107.0, 645.0, 1.0], [1535.0, 437.0, 1581.0, 546.0, 1.0], [1238.0, 446.0, 1281.0, 550.0, 1.0], [929.0, 452.0, 952.0, 522.0, 1.0], [883.0, 447.0, 909.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [698.0, 454.0, 720.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [521.0, 458.0, 545.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 710.0, 610.0, 0.0], [500.0, 459.0, 525.0, 541.0, 1.0], [531.0, 461.0, 548.0, 512.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 580.0, 512.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1117.0, 449.0, 1154.0, 548.0, 1.0]], "average_area": [106847.95498609656], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 1], [3, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 362}, {"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 48}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 18}], "frame_count": 363, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[919.96, 405.34, 1102.75, 955.72, 1.8769], [182.02, 430.92, 294.16, 769.33, 1.2285], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0681], [413.27, 413.27, 533.53, 776.04, 0.91192], [681.0, 489.0, 720.0, 608.0, 0.53739]], "trackers": [[886.9877753474132, 207.75785715787543, 1146.0041260497985, 986.8076724079945, 0.0], [1041.8666521497605, 363.129729478833, 1267.3640857155835, 1041.6341437365222, 0.0], [921.8379357087499, 405.144895723656, 1106.264363309698, 960.434539811084, 0.0], [417.0908267533001, 406.5000213146151, 528.8481661199253, 743.7461665803709, 0.0], [182.05592986402473, 418.1927879583622, 299.3779373957138, 772.1534747441872, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 403.0, 1281.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1058.0, 478.0, 1098.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [667.0, 493.0, 719.0, 597.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [947.0, 448.0, 974.0, 524.0, 1.0], [1101.0, 437.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1024.0, 555.0, 1.0], [1072.0, 405.0, 1278.0, 1012.0, 1.0], [928.0, 424.0, 1069.0, 938.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [479.0, 454.0, 513.0, 564.0, 1.0], [427.0, 456.0, 457.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [402.0, 410.0, 595.0, 796.0, 1.0], [180.0, 438.0, 307.0, 763.0, 1.0], [-9.0, 446.0, 223.0, 857.0, 1.0], [971.0, 442.0, 1058.0, 677.0, 1.0], [1024.0, 433.0, 1103.0, 645.0, 1.0], [1537.0, 437.0, 1583.0, 546.0, 1.0], [1239.0, 446.0, 1282.0, 550.0, 1.0], [930.0, 452.0, 953.0, 522.0, 1.0], [885.0, 447.0, 911.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [699.0, 454.0, 721.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [714.0, 478.0, 731.0, 536.0, 0.0], [522.0, 458.0, 545.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 709.0, 610.0, 0.0], [500.0, 459.0, 525.0, 541.0, 1.0], [532.0, 462.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 580.0, 512.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1116.0, 449.0, 1153.0, 548.0, 1.0]], "average_area": [107282.96797001004], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 1], [3, 3]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 363}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 49}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 19}], "frame_count": 364, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.53739]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 1.9584], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0842], [191.01, 444.35, 295.57, 760.03, 0.8238], [52.984, 442.87, 181.94400000000002, 831.75, 0.57148], [413.27, 413.27, 533.53, 776.04, 0.49196], [681.0, 489.0, 720.0, 608.0, 0.30321]], "trackers": [[887.3345478812134, 207.60119576020747, 1146.3513936363252, 986.6524999925243, 0.0], [1041.8553986527522, 363.08613738594056, 1267.3557350767846, 1041.5992340470061, 0.0], [922.8443482972968, 405.8546816512234, 1106.1546026495012, 957.7944708743476, 0.0], [420.73089735591645, 411.00917445901257, 537.4230965593148, 763.0665067372848, 0.0], [190.3581860163215, 425.61305992526934, 303.91133325981997, 768.2565729308793, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1110.0, 402.0, 1280.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1058.0, 478.0, 1099.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [666.0, 493.0, 718.0, 596.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [947.0, 448.0, 974.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 555.0, 1.0], [1072.0, 405.0, 1279.0, 1012.0, 1.0], [929.0, 424.0, 1071.0, 938.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [478.0, 454.0, 512.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [404.0, 410.0, 596.0, 795.0, 1.0], [193.0, 438.0, 311.0, 763.0, 1.0], [-8.0, 445.0, 224.0, 853.0, 1.0], [972.0, 443.0, 1059.0, 678.0, 1.0], [1019.0, 434.0, 1099.0, 644.0, 1.0], [1539.0, 437.0, 1585.0, 546.0, 1.0], [1240.0, 446.0, 1283.0, 550.0, 1.0], [931.0, 452.0, 954.0, 522.0, 1.0], [887.0, 447.0, 913.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [699.0, 454.0, 721.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [522.0, 458.0, 546.0, 522.0, 1.0], [726.0, 516.0, 780.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [659.0, 532.0, 709.0, 610.0, 0.0], [500.0, 459.0, 524.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 580.0, 512.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1007.0, 453.0, 1025.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1115.0, 449.0, 1152.0, 548.0, 1.0]], "average_area": [107191.83197040492], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 4], [4, 3]], "ret_unmatched_detections": [5, 3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 50}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 20}], "frame_count": 365, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[681.0, 489.0, 720.0, 608.0, 0.30321], [52.984, 442.87, 181.94400000000002, 831.75, 0.57148]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.0647], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0663], [204.65, 430.92, 316.79, 769.33, 1.0285], [73.754, 461.78, 194.014, 824.55, 0.42977]], "trackers": [[887.6814441783727, 207.44490660862266, 1146.6985374594929, 986.4969553309711, 0.0], [1041.848004560353, 363.0498885504934, 1267.3480120253014, 1041.5619755088233, 0.0], [927.4856978141181, 409.53920688072424, 1102.7282112523453, 937.2772956259386, 0.0], [421.596385619533, 412.8344685412835, 540.1273253068605, 770.4079854030258, 0.0], [198.98318338070692, 437.4613362237858, 306.1169994230644, 760.8446485797924, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 402.0, 1280.0, 917.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1059.0, 477.0, 1100.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [665.0, 494.0, 717.0, 596.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [946.0, 448.0, 973.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 555.0, 1.0], [1072.0, 405.0, 1279.0, 1012.0, 1.0], [931.0, 424.0, 1073.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [478.0, 454.0, 512.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [406.0, 410.0, 597.0, 794.0, 1.0], [207.0, 438.0, 315.0, 763.0, 1.0], [-6.0, 444.0, 225.0, 849.0, 1.0], [973.0, 444.0, 1060.0, 680.0, 1.0], [1015.0, 434.0, 1094.0, 644.0, 1.0], [1541.0, 437.0, 1587.0, 546.0, 1.0], [1241.0, 446.0, 1284.0, 550.0, 1.0], [933.0, 452.0, 955.0, 522.0, 1.0], [889.0, 447.0, 915.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [700.0, 454.0, 722.0, 518.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [522.0, 458.0, 546.0, 522.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [499.0, 459.0, 524.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 453.0, 580.0, 512.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1114.0, 449.0, 1151.0, 548.0, 1.0]], "average_area": [104860.6480431529], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 4]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 21}], "frame_count": 366, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.42977]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.2965], [204.65, 430.92, 316.79, 769.33, 1.9024], [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.97449], [73.754, 461.78, 194.014, 824.55, 0.3245]], "trackers": [[888.0284023570783, 207.28880357967915, 1147.045619401114, 986.3412245467766, 0.0], [1041.8424442149553, 363.01850051377926, 1267.340902857704, 1041.5259195885133, 0.0], [929.1171360644603, 411.1437798150283, 1101.1817940656413, 929.3455827372956, 0.0], [427.1907855557117, 412.7532887023044, 545.5166446482814, 769.7081368037962, 0.0], [211.44391205391378, 432.91347233151794, 321.2512727527005, 764.3157237907996, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 402.0, 1280.0, 917.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1059.0, 477.0, 1100.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [664.0, 494.0, 716.0, 595.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [946.0, 448.0, 973.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 555.0, 1.0], [1072.0, 405.0, 1280.0, 1012.0, 1.0], [933.0, 424.0, 1075.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [477.0, 454.0, 512.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [408.0, 411.0, 598.0, 793.0, 1.0], [221.0, 438.0, 319.0, 763.0, 1.0], [19.0, 442.0, 226.0, 845.0, 1.0], [974.0, 445.0, 1061.0, 682.0, 1.0], [1010.0, 434.0, 1090.0, 643.0, 1.0], [1543.0, 437.0, 1589.0, 546.0, 1.0], [1242.0, 446.0, 1285.0, 550.0, 1.0], [934.0, 452.0, 957.0, 522.0, 1.0], [891.0, 447.0, 917.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [700.0, 454.0, 723.0, 519.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [523.0, 458.0, 547.0, 522.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [499.0, 459.0, 524.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 454.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1113.0, 449.0, 1149.0, 548.0, 1.0]], "average_area": [104516.39576119994], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 22}], "frame_count": 367, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[73.754, 461.78, 194.014, 824.55, 0.3245]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3296], [204.65, 430.92, 316.79, 769.33, 1.4344], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2464], [84.573, 418.86, 222.863, 835.72, 0.39375], [442.87, 390.88, 571.83, 779.76, 0.31378]], "trackers": [[888.375391476524, 207.13279361195617, 1147.3926704019952, 986.1854007013615, 0.0], [1041.8379074884622, 362.99082799816915, 1267.3343658060378, 1041.492225347285, 0.0], [929.5743499047326, 411.82996354882084, 1100.4124765346066, 926.3506566826138, 0.0], [432.73398204652966, 412.5176428978871, 550.957167435063, 769.1627541700047, 0.0], [215.35182895182473, 431.2894242830182, 326.1797126996071, 765.7519572214433, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 402.0, 1279.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1060.0, 476.0, 1101.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [663.0, 495.0, 715.0, 595.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [946.0, 448.0, 973.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 555.0, 1.0], [1072.0, 405.0, 1281.0, 1012.0, 1.0], [934.0, 423.0, 1077.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [477.0, 454.0, 511.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [410.0, 411.0, 599.0, 792.0, 1.0], [225.0, 438.0, 337.0, 762.0, 1.0], [44.0, 441.0, 228.0, 841.0, 1.0], [974.0, 445.0, 1061.0, 682.0, 1.0], [1006.0, 435.0, 1086.0, 643.0, 1.0], [1545.0, 437.0, 1591.0, 546.0, 1.0], [1243.0, 446.0, 1286.0, 549.0, 1.0], [935.0, 452.0, 958.0, 522.0, 1.0], [893.0, 447.0, 919.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [701.0, 454.0, 723.0, 519.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [523.0, 458.0, 547.0, 522.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [499.0, 458.0, 523.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 516.0, 1.0], [563.0, 459.0, 581.0, 517.0, 1.0], [562.0, 454.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1112.0, 449.0, 1148.0, 548.0, 1.0]], "average_area": [104383.79912949032], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 23}], "frame_count": 368, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[84.573, 418.86, 222.863, 835.72, 0.39375]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3639], [227.27, 430.92, 339.41, 769.33, 1.825], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1561], [104.97, 442.87, 233.93, 831.75, 0.84747], [468.86, 390.88, 597.82, 779.76, 0.43008]], "trackers": [[888.7223960663314, 206.97683017481853, 1147.7397059325149, 986.0295303253611, 0.0], [1041.83405289169, 362.9662545176277, 1267.3283527275132, 1041.461156053726, 0.0], [929.5926062827822, 412.14321240856094, 1099.9626899573195, 925.2591547122411, 0.0], [447.897729419383, 394.06775391058017, 574.8233361272992, 776.8460414520669, 0.0], [216.06641200055446, 430.7455941768864, 327.30016157064733, 766.4254247224769, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 402.0, 1279.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1061.0, 476.0, 1101.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [662.0, 495.0, 714.0, 594.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [945.0, 448.0, 972.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1281.0, 1012.0, 1.0], [936.0, 423.0, 1079.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [476.0, 454.0, 511.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [412.0, 411.0, 600.0, 791.0, 1.0], [230.0, 438.0, 355.0, 762.0, 1.0], [69.0, 439.0, 229.0, 837.0, 1.0], [975.0, 445.0, 1062.0, 682.0, 1.0], [1001.0, 435.0, 1082.0, 642.0, 1.0], [1547.0, 437.0, 1593.0, 546.0, 1.0], [1244.0, 446.0, 1287.0, 548.0, 1.0], [936.0, 452.0, 959.0, 522.0, 1.0], [895.0, 447.0, 921.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [701.0, 454.0, 724.0, 519.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [523.0, 458.0, 547.0, 522.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [498.0, 458.0, 523.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 454.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1111.0, 449.0, 1147.0, 548.0, 1.0]], "average_area": [105625.55320270309], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 1], [4, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 24}], "frame_count": 369, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[104.97, 442.87, 233.93, 831.75, 0.84747]]}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3282], [104.97, 442.87, 233.93, 831.75, 1.3257], [227.27, 430.92, 339.41, 769.33, 1.1621], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1462], [468.86, 390.88, 597.82, 779.76, 0.85552]], "trackers": [[889.0694083913174, 206.8208900029673, 1148.0867337278557, 985.8736366840743, 0.0], [1041.830721342362, 362.94438238929234, 1267.3228164423238, 1041.4326496223912, 0.0], [929.4570204994887, 412.30724845001765, 1099.650722505957, 924.8938293551578, 0.0], [469.9012871721292, 391.0484436286903, 598.2557649936981, 778.1144814082205, 0.0], [231.79885392688072, 430.6021161595726, 343.20505331342986, 766.7994767102404, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 402.0, 1279.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1061.0, 476.0, 1102.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [661.0, 496.0, 713.0, 594.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [945.0, 448.0, 972.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1282.0, 1012.0, 1.0], [937.0, 423.0, 1081.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [476.0, 454.0, 511.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [414.0, 412.0, 602.0, 790.0, 1.0], [234.0, 438.0, 373.0, 761.0, 1.0], [94.0, 438.0, 231.0, 833.0, 1.0], [975.0, 445.0, 1062.0, 682.0, 1.0], [997.0, 435.0, 1077.0, 642.0, 1.0], [1549.0, 437.0, 1595.0, 546.0, 1.0], [1245.0, 446.0, 1288.0, 547.0, 1.0], [938.0, 452.0, 961.0, 522.0, 1.0], [897.0, 447.0, 923.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [702.0, 454.0, 725.0, 519.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [524.0, 458.0, 548.0, 522.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [498.0, 458.0, 522.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 454.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1110.0, 449.0, 1146.0, 548.0, 1.0]], "average_area": [105831.40735360731], "iou_threshold": 0.3, "ret_matches": [[0, 2], [2, 4], [3, 1], [4, 3]], "ret_unmatched_detections": [1], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 370, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 1.9988], [122.26, 437.53, 242.52, 800.3, 1.4156], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.3088], [227.27, 430.92, 339.41, 769.33, 1.1042], [473.76, 414.66, 571.252, 709.1300000000001, 0.74264]], "trackers": [[889.4164245838924, 206.66496146375766, 1148.4337576556077, 985.7177314101459, 0.0], [1041.8278263039151, 362.92491291155613, 1267.317713009521, 1041.4065350951937, 0.0], [929.2760070087609, 412.40975198011233, 1099.4049872018466, 924.8021150129898, 0.0], [476.9891619869656, 390.05325734138097, 605.8366692017985, 778.5985940909156, 0.0], [236.98107740169175, 430.6037623328018, 348.4696837593949, 767.0487039830653, 0.0], [104.96999999999998, 442.86999999999995, 233.93, 831.75, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 402.0, 1279.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1062.0, 475.0, 1102.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [660.0, 496.0, 712.0, 593.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [945.0, 448.0, 972.0, 524.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1283.0, 1012.0, 1.0], [939.0, 423.0, 1083.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 425.0, 576.0, 1.0], [475.0, 454.0, 510.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 442.0, 543.0, 1.0], [422.0, 410.0, 602.0, 787.0, 1.0], [239.0, 438.0, 391.0, 761.0, 1.0], [119.0, 437.0, 233.0, 829.0, 1.0], [976.0, 445.0, 1063.0, 682.0, 1.0], [992.0, 436.0, 1073.0, 641.0, 1.0], [1551.0, 437.0, 1597.0, 546.0, 1.0], [1246.0, 446.0, 1289.0, 547.0, 1.0], [939.0, 452.0, 962.0, 522.0, 1.0], [899.0, 447.0, 925.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [702.0, 454.0, 725.0, 519.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [524.0, 458.0, 548.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 532.0, 709.0, 610.0, 0.0], [498.0, 458.0, 522.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 455.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1013.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1145.0, 548.0, 1.0]], "average_area": [96612.4242723318], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 1], [3, 4], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 371, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.0504], [130.96, 442.87, 259.92, 831.75, 2.0263], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2305], [219.26, 413.27, 339.52, 776.04, 1.006], [476.18, 408.29, 588.32, 746.7, 1.0044]], "trackers": [[889.7634427102616, 206.5090387408685, 1148.7807796495654, 985.561820319897, 0.0], [1041.8253114687109, 362.90759919601464, 1267.3130022446376, 1041.3826139353864, 0.0], [929.0898444261105, 412.4847185236388, 1099.1967599144773, 924.810898594993, 0.0], [480.78304841875627, 401.6312386780376, 590.7590141617953, 733.6023130208657, 0.0], [238.20423400006206, 430.65447540536695, 349.73966842363353, 767.2403108605882, 0.0], [134.4124227997481, 434.44945529131866, 248.28450027717506, 777.9105447086813, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 401.0, 1278.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1062.0, 475.0, 1103.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [659.0, 497.0, 711.0, 593.0, 0.0], [725.0, 479.0, 782.0, 591.0, 0.0], [945.0, 448.0, 972.0, 524.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1284.0, 1012.0, 1.0], [941.0, 423.0, 1086.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 426.0, 577.0, 1.0], [475.0, 454.0, 510.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 443.0, 543.0, 1.0], [431.0, 409.0, 603.0, 784.0, 1.0], [240.0, 438.0, 396.0, 760.0, 1.0], [128.0, 438.0, 252.0, 828.0, 1.0], [-140.0, 436.0, 49.0, 807.0, 1.0], [977.0, 445.0, 1064.0, 683.0, 1.0], [988.0, 436.0, 1069.0, 641.0, 1.0], [1553.0, 437.0, 1599.0, 546.0, 1.0], [1248.0, 446.0, 1290.0, 546.0, 1.0], [940.0, 452.0, 963.0, 522.0, 1.0], [900.0, 447.0, 926.0, 523.0, 1.0], [628.0, 458.0, 655.0, 528.0, 1.0], [703.0, 454.0, 726.0, 520.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 732.0, 536.0, 0.0], [524.0, 458.0, 548.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [658.0, 533.0, 709.0, 611.0, 0.0], [498.0, 458.0, 521.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 455.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [92514.48033681954], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 1], [3, 4], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 372, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 2.161], [130.96, 442.87, 259.92, 831.75, 2.0911], [486.03, 413.27, 606.29, 776.04, 1.3072], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1741]], "trackers": [[890.110461803528, 206.35311892613942, 1149.1278006766258, 985.4059063214881, 0.0], [1041.823134323306, 362.8922268396839, 1267.3086476470294, 1041.3606897702605, 0.0], [928.9127806074733, 412.5454685530426, 1099.0138962556257, 924.8542843304419, 0.0], [484.42659201073644, 404.9508823146242, 595.5182017671324, 740.2324297683109, 0.0], [232.4482984575567, 418.6531555210486, 349.4547196090647, 771.6622219581172, 0.0], [143.23311163340125, 441.4822200421452, 270.0736647197134, 824.0039413104021, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 401.0, 1277.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1063.0, 474.0, 1104.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [657.0, 496.0, 709.0, 593.0, 0.0], [724.0, 478.0, 781.0, 591.0, 0.0], [944.0, 448.0, 971.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1284.0, 1012.0, 1.0], [944.0, 422.0, 1087.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 426.0, 576.0, 1.0], [474.0, 454.0, 510.0, 564.0, 1.0], [426.0, 456.0, 456.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 443.0, 543.0, 1.0], [440.0, 408.0, 604.0, 782.0, 1.0], [241.0, 438.0, 401.0, 760.0, 1.0], [138.0, 439.0, 272.0, 827.0, 1.0], [-126.0, 435.0, 52.0, 808.0, 1.0], [980.0, 444.0, 1068.0, 684.0, 1.0], [983.0, 436.0, 1064.0, 640.0, 1.0], [1555.0, 437.0, 1601.0, 546.0, 1.0], [1249.0, 446.0, 1291.0, 545.0, 1.0], [942.0, 453.0, 965.0, 523.0, 1.0], [901.0, 447.0, 927.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [704.0, 454.0, 727.0, 520.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 733.0, 536.0, 0.0], [525.0, 458.0, 549.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [656.0, 533.0, 707.0, 611.0, 0.0], [497.0, 458.0, 521.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 455.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 510.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [94831.30860167771], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 1, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 373, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 1.8796], [146.51, 437.53, 266.77, 800.3, 1.8185], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.2621], [494.85, 390.88, 623.8100000000001, 779.76, 1.2165], [254.35, 444.35, 358.90999999999997, 760.03, 0.53672]], "trackers": [[890.4574813802429, 206.1972005654904, 1149.474821220238, 985.249990868999, 0.0], [1041.821259644385, 362.8786053394654, 1267.3046161458574, 1041.3405785497584, 0.0], [928.7492082070919, 412.59741501741564, 1098.8507033878864, 924.9074134401035, 0.0], [492.4841592272373, 410.6420708559057, 609.2725192099192, 763.0073154774706, 0.0], [238.99061874329362, 417.768199317229, 355.93105939412004, 770.5782021924912, 0.0], [141.79305791799703, 443.0135009221101, 270.9142517245339, 832.3923526013946, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 401.0, 1276.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1063.0, 474.0, 1104.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [655.0, 496.0, 707.0, 593.0, 0.0], [724.0, 478.0, 781.0, 591.0, 0.0], [944.0, 448.0, 971.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1284.0, 1012.0, 1.0], [947.0, 422.0, 1089.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 426.0, 576.0, 1.0], [474.0, 454.0, 509.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 443.0, 543.0, 1.0], [455.0, 406.0, 611.0, 779.0, 1.0], [242.0, 439.0, 407.0, 760.0, 1.0], [147.0, 440.0, 292.0, 826.0, 1.0], [-112.0, 435.0, 55.0, 810.0, 1.0], [983.0, 443.0, 1072.0, 685.0, 1.0], [979.0, 437.0, 1060.0, 640.0, 1.0], [1557.0, 437.0, 1603.0, 546.0, 1.0], [1250.0, 446.0, 1292.0, 545.0, 1.0], [943.0, 453.0, 966.0, 523.0, 1.0], [902.0, 447.0, 928.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [704.0, 454.0, 727.0, 520.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 733.0, 536.0, 0.0], [525.0, 458.0, 549.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [654.0, 534.0, 706.0, 612.0, 0.0], [497.0, 458.0, 520.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [562.0, 455.0, 580.0, 511.0, 1.0], [597.0, 457.0, 617.0, 509.0, 1.0], [584.0, 454.0, 604.0, 509.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [95766.95657558802], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 1], [3, 3], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 374, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 1.8271], [146.51, 437.53, 266.77, 800.3, 1.6777], [498.8, 408.29, 610.94, 746.7, 1.4923], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.2841]], "trackers": [[890.8045011986821, 206.04128293188137, 1149.8218415221256, 985.0940746894701, 0.0], [1051.5827340253609, 373.5599026648071, 1267.6821467936775, 1023.8658749212743, 0.0], [928.5998510673425, 412.6429377039865, 1098.7040527264578, 924.9611025869528, 0.0], [501.47728285093353, 397.72252721018737, 626.045338965926, 773.4355287972601, 0.0], [257.92913640010516, 437.73913927576615, 365.3760764361909, 762.0721343824705, 0.0], [154.4554567670762, 438.0863997236196, 275.8389206904679, 804.2018129060356, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 400.0, 1275.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1064.0, 473.0, 1105.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [653.0, 496.0, 705.0, 593.0, 0.0], [724.0, 478.0, 780.0, 591.0, 0.0], [944.0, 448.0, 971.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1072.0, 405.0, 1284.0, 1012.0, 1.0], [950.0, 422.0, 1090.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 426.0, 576.0, 1.0], [473.0, 454.0, 509.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 460.0, 443.0, 543.0, 1.0], [470.0, 405.0, 618.0, 776.0, 1.0], [243.0, 439.0, 412.0, 760.0, 1.0], [157.0, 441.0, 312.0, 825.0, 1.0], [-98.0, 434.0, 58.0, 811.0, 1.0], [987.0, 442.0, 1076.0, 686.0, 1.0], [974.0, 437.0, 1056.0, 639.0, 1.0], [1559.0, 437.0, 1605.0, 546.0, 1.0], [1251.0, 446.0, 1293.0, 544.0, 1.0], [944.0, 453.0, 967.0, 523.0, 1.0], [903.0, 447.0, 929.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [705.0, 454.0, 728.0, 520.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [715.0, 478.0, 733.0, 536.0, 0.0], [525.0, 458.0, 550.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [652.0, 534.0, 705.0, 612.0, 0.0], [497.0, 458.0, 520.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 515.0, 1.0], [564.0, 459.0, 582.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [584.0, 454.0, 604.0, 509.0, 1.0], [546.0, 457.0, 565.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [92592.8627399077], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 3], [3, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 17, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 375, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[494.85, 390.88, 623.8100000000001, 779.76, 1.7185], [927.01, 412.56, 1097.49, 926.01, 1.7067], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.3214], [156.95, 442.87, 285.90999999999997, 831.75, 1.2383]], "trackers": [[891.1515211379834, 205.88536566179232, 1150.1688617031514, 984.9381581464211, 0.0], [1055.3079647017562, 377.833896373731, 1267.7142853303776, 1017.0561552699853, 0.0], [928.4641214930957, 412.6832364409482, 1098.5718855750379, 925.0121363678129, 0.0], [506.3781101267187, 403.309885487704, 623.2113229671608, 755.8105216481526, 0.0], [265.164587952039, 437.6165919143649, 372.3997244388935, 761.3102493212392, 0.0], [156.66529230223807, 436.8784035098463, 275.82609594222134, 796.3162880418754, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 400.0, 1274.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1064.0, 473.0, 1105.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [651.0, 496.0, 704.0, 593.0, 0.0], [723.0, 477.0, 780.0, 591.0, 0.0], [944.0, 448.0, 970.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1073.0, 405.0, 1285.0, 1012.0, 1.0], [953.0, 422.0, 1092.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 426.0, 576.0, 1.0], [473.0, 454.0, 509.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [485.0, 404.0, 625.0, 773.0, 1.0], [245.0, 440.0, 418.0, 760.0, 1.0], [157.0, 442.0, 326.0, 823.0, 1.0], [-84.0, 434.0, 61.0, 813.0, 1.0], [990.0, 441.0, 1080.0, 687.0, 1.0], [970.0, 437.0, 1052.0, 639.0, 1.0], [1561.0, 437.0, 1607.0, 546.0, 1.0], [1252.0, 446.0, 1294.0, 543.0, 1.0], [945.0, 453.0, 968.0, 523.0, 1.0], [904.0, 447.0, 930.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [705.0, 454.0, 729.0, 520.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [526.0, 458.0, 550.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [651.0, 535.0, 704.0, 613.0, 0.0], [496.0, 458.0, 519.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [585.0, 454.0, 604.0, 509.0, 1.0], [547.0, 457.0, 566.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [90573.36279146634], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 1], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 18, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 2, "confidence": 0.5748599664761322, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 376, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[927.01, 412.56, 1097.49, 926.01, 1.8868], [498.8, 408.29, 610.94, 746.7, 1.5399], [156.95, 442.87, 285.90999999999997, 831.75, 1.1759], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.1678], [951.35, 317.78, 1176.6200000000001, 995.6, 0.66447]], "trackers": [[891.4985411377158, 205.72944857346334, 1150.5158818237458, 984.7822414216121, 0.0], [1056.6824298682498, 379.5217807325804, 1267.6612608385806, 1014.4594425737884, 0.0], [928.3410129630187, 412.7190359706156, 1098.4526341010999, 925.0595547468758, 0.0], [505.45291885930897, 395.04484218890116, 630.0341321203307, 770.7975540586258, 0.0], [272.4002490883229, 437.4946771919192, 379.4231628572461, 760.5477316210524, 0.0], [164.79542480205808, 441.0099041663425, 290.7183956308546, 820.7750777679591, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 400.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1065.0, 472.0, 1106.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [649.0, 496.0, 702.0, 594.0, 0.0], [723.0, 477.0, 780.0, 591.0, 0.0], [943.0, 448.0, 970.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1073.0, 405.0, 1285.0, 1012.0, 1.0], [956.0, 422.0, 1094.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 427.0, 576.0, 1.0], [472.0, 454.0, 508.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [500.0, 403.0, 632.0, 770.0, 1.0], [257.0, 439.0, 419.0, 757.0, 1.0], [157.0, 443.0, 341.0, 822.0, 1.0], [-73.0, 434.0, 82.0, 811.0, 1.0], [994.0, 440.0, 1085.0, 688.0, 1.0], [965.0, 438.0, 1047.0, 638.0, 1.0], [1563.0, 437.0, 1609.0, 546.0, 1.0], [1254.0, 446.0, 1296.0, 543.0, 1.0], [947.0, 454.0, 970.0, 524.0, 1.0], [906.0, 447.0, 932.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [706.0, 454.0, 729.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [526.0, 458.0, 550.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [649.0, 536.0, 703.0, 614.0, 0.0], [496.0, 458.0, 519.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [585.0, 454.0, 604.0, 509.0, 1.0], [547.0, 457.0, 566.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [92018.10521843926], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 5], [3, 1], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 3, "confidence": 0.3882556417389599, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 377, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.9243], [510.28, 413.27, 630.54, 776.04, 1.7191], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.1216], [156.95, 442.87, 285.90999999999997, 831.75, 1.0999]], "trackers": [[952.6216734370622, 318.04767410837064, 1179.0372624791062, 999.3015148783369, 0.0], [1057.155385770393, 380.19832565729524, 1267.5865733108626, 1013.492181249853, 0.0], [928.2294335488704, 412.75085540528045, 1098.344992529996, 925.103234981179, 0.0], [506.6730881943903, 402.3902161016614, 623.5177081133667, 754.9252783859112, 0.0], [279.6361210582342, 437.37339887942505, 386.44639044197123, 759.7845775109141, 0.0], [166.47906567605483, 442.5651542763739, 294.66797030106216, 829.1367689011074, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1117.0, 400.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1065.0, 472.0, 1106.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [647.0, 496.0, 700.0, 594.0, 0.0], [723.0, 477.0, 779.0, 591.0, 0.0], [943.0, 448.0, 970.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1073.0, 405.0, 1285.0, 1012.0, 1.0], [959.0, 422.0, 1095.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 427.0, 576.0, 1.0], [472.0, 454.0, 508.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [516.0, 402.0, 639.0, 768.0, 1.0], [270.0, 438.0, 420.0, 755.0, 1.0], [157.0, 444.0, 355.0, 820.0, 1.0], [-61.0, 435.0, 103.0, 810.0, 1.0], [997.0, 439.0, 1089.0, 689.0, 1.0], [961.0, 438.0, 1043.0, 638.0, 1.0], [1253.0, 446.0, 1295.0, 542.0, 1.0], [948.0, 454.0, 971.0, 524.0, 1.0], [907.0, 447.0, 933.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [706.0, 454.0, 730.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [526.0, 458.0, 551.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [647.0, 536.0, 702.0, 614.0, 0.0], [496.0, 458.0, 518.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [547.0, 457.0, 566.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [83308.87020448562], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 4, "confidence": 0.330690595202462, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 378, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[946.52, 394.97, 1142.5, 984.9200000000001, 2.2389], [510.28, 389.02, 630.54, 751.79, 1.4727], [1064.7, 394.97, 1260.68, 984.9200000000001, 0.96062], [182.94, 442.87, 311.9, 831.75, 0.6015], [296.57, 423.24, 401.13, 738.9200000000001, 0.50891], [948.16, 223.86, 1225.74, 1058.5900000000001, 0.40437]], "trackers": [[955.0373358277905, 320.9730712630068, 1181.2955072038646, 1001.7532635973652, 0.0], [1057.2873030840924, 380.4830389822634, 1267.509099101916, 1013.1483775020797, 0.0], [952.5459455047813, 412.7791126237951, 1122.6654419755234, 925.1433514142605, 0.0], [515.1785009656834, 409.95290260877215, 634.0964188429845, 768.7007701589664, 0.0], [286.87220512351126, 437.25276078549075, 393.46940593133064, 759.020783182216, 0.0], [166.1277028433244, 443.0916803205911, 295.08887838076106, 831.9817035114321, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 399.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1066.0, 472.0, 1107.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [645.0, 496.0, 699.0, 594.0, 0.0], [722.0, 477.0, 779.0, 591.0, 0.0], [943.0, 448.0, 970.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 554.0, 1.0], [1074.0, 405.0, 1286.0, 1012.0, 1.0], [962.0, 422.0, 1097.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 427.0, 576.0, 1.0], [471.0, 454.0, 508.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [520.0, 403.0, 645.0, 768.0, 1.0], [283.0, 437.0, 421.0, 753.0, 1.0], [157.0, 445.0, 370.0, 819.0, 1.0], [-50.0, 435.0, 124.0, 809.0, 1.0], [1000.0, 438.0, 1093.0, 690.0, 1.0], [956.0, 438.0, 1039.0, 637.0, 1.0], [1253.0, 446.0, 1294.0, 542.0, 1.0], [949.0, 454.0, 972.0, 524.0, 1.0], [908.0, 447.0, 934.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [707.0, 454.0, 731.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [527.0, 458.0, 551.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [646.0, 537.0, 701.0, 615.0, 0.0], [495.0, 458.0, 518.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [547.0, 457.0, 566.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [83551.3509959258], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 5], [4, 4], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 379, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[521.43, 408.29, 633.5699999999999, 746.7, 1.7255], [961.31, 412.56, 1131.79, 926.01, 1.661], [1098.8, 381.02, 1308.92, 1013.38, 1.0137], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.66383], [729.81, 481.15, 771.6809999999999, 608.76, 0.60078], [195.01, 437.53, 315.27, 800.3, 0.50493], [317.68, 423.24, 422.24, 738.9200000000001, 0.49375]], "trackers": [[953.476741123226, 246.91950414467732, 1219.4749809872565, 1046.9352739530414, 0.0], [1062.4083851701732, 388.59221027493743, 1263.786417944629, 994.7345406879468, 0.0], [951.8224978826877, 402.79726474378987, 1138.4164354974548, 964.6021167742183, 0.0], [517.8488515507001, 395.53148221847704, 637.549961772557, 756.6256845315113, 0.0], [303.48515967704736, 423.263650471869, 408.02911978117834, 738.8860990335894, 0.0], [185.09431115392016, 443.23705483499344, 314.3064536538257, 832.8798720318, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 399.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1066.0, 471.0, 1108.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [643.0, 496.0, 697.0, 594.0, 0.0], [722.0, 476.0, 779.0, 591.0, 0.0], [943.0, 448.0, 969.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1074.0, 405.0, 1286.0, 1012.0, 1.0], [965.0, 422.0, 1098.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 427.0, 576.0, 1.0], [471.0, 454.0, 507.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [524.0, 404.0, 652.0, 768.0, 1.0], [296.0, 437.0, 422.0, 750.0, 1.0], [158.0, 445.0, 371.0, 817.0, 1.0], [-38.0, 436.0, 145.0, 807.0, 1.0], [1004.0, 437.0, 1097.0, 691.0, 1.0], [952.0, 439.0, 1035.0, 637.0, 1.0], [1253.0, 446.0, 1294.0, 542.0, 1.0], [951.0, 455.0, 974.0, 525.0, 1.0], [909.0, 447.0, 935.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [707.0, 454.0, 731.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [527.0, 458.0, 551.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [644.0, 537.0, 700.0, 615.0, 0.0], [495.0, 458.0, 517.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [597.0, 457.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [548.0, 457.0, 567.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [94377.04950424605], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 1], [3, 0], [5, 5], [6, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 380, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.60078]]}, "detections": [[317.78, 430.92, 429.91999999999996, 769.33, 1.8351], [961.31, 412.56, 1131.79, 926.01, 1.4559], [534.53, 389.02, 654.79, 751.79, 1.3795], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.0587], [971.06, 292.02, 1212.57, 1018.56, 0.641]], "trackers": [[982.3942616862313, 257.2849129353719, 1244.0613162117365, 1044.2952539578264, 0.0], [1089.2201321065345, 383.7241907418787, 1296.028475736292, 1006.1535660570536, 0.0], [960.845287976747, 408.57166390945196, 1137.441258186484, 940.3777041883961, 0.0], [525.9346171256987, 402.8637670022821, 640.8251859677775, 749.525401258997, 0.0], [321.8629362018018, 422.0409728342006, 426.14359585121923, 736.8744163157371, 0.0], [200.07306418297168, 438.83061700686324, 323.07103191347704, 809.811914420112, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 399.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1067.0, 471.0, 1108.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [641.0, 496.0, 695.0, 594.0, 0.0], [722.0, 476.0, 778.0, 591.0, 0.0], [942.0, 448.0, 969.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1074.0, 405.0, 1286.0, 1012.0, 1.0], [968.0, 422.0, 1100.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 427.0, 576.0, 1.0], [470.0, 454.0, 507.0, 564.0, 1.0], [425.0, 456.0, 455.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [529.0, 405.0, 659.0, 769.0, 1.0], [309.0, 436.0, 423.0, 748.0, 1.0], [159.0, 445.0, 373.0, 815.0, 1.0], [-27.0, 436.0, 166.0, 806.0, 1.0], [1007.0, 436.0, 1101.0, 692.0, 1.0], [950.0, 438.0, 1031.0, 635.0, 1.0], [1253.0, 446.0, 1293.0, 542.0, 1.0], [951.0, 454.0, 974.0, 525.0, 1.0], [910.0, 447.0, 936.0, 523.0, 1.0], [627.0, 457.0, 655.0, 528.0, 1.0], [708.0, 454.0, 732.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 733.0, 536.0, 0.0], [527.0, 458.0, 552.0, 523.0, 1.0], [725.0, 516.0, 779.0, 603.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 592.0, 0.0], [642.0, 538.0, 699.0, 616.0, 0.0], [495.0, 458.0, 517.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [548.0, 457.0, 567.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [91143.70112794008], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 3], [3, 1], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 36}, {"time_since_observed": 1, "confidence": 0.5507011410715549, "age": 12}], "frame_count": 381, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[317.68, 444.35, 422.24, 760.03, 1.6334], [544.06, 408.29, 656.1999999999999, 746.7, 1.5398], [946.52, 394.97, 1142.5, 984.9200000000001, 1.2071], [1098.8, 381.02, 1308.92, 1013.38, 1.1404], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.40145]], "trackers": [[978.6494524357624, 280.62652796049485, 1227.9798913684879, 1030.631983672135, 0.0], [1102.2599494450496, 390.00154403633655, 1302.2854914932946, 992.086538712475, 0.0], [964.0730269668957, 411.02042240632557, 1136.7007077061312, 930.9148958181132, 0.0], [538.1252101857767, 392.9808884516458, 656.3170399041314, 749.5470337427118, 0.0], [327.82984691629287, 427.7791540828534, 437.0463877280917, 757.4225972398874, 0.0], [208.49194057663092, 438.45095448686095, 331.12076624649694, 808.3188611416068, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 399.0, 1273.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1067.0, 470.0, 1109.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [696.0, 487.0, 740.0, 586.0, 0.0], [639.0, 496.0, 694.0, 595.0, 0.0], [721.0, 476.0, 778.0, 591.0, 0.0], [942.0, 448.0, 969.0, 523.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1287.0, 1013.0, 1.0], [972.0, 422.0, 1102.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 507.0, 564.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 443.0, 543.0, 1.0], [533.0, 406.0, 666.0, 769.0, 1.0], [322.0, 435.0, 424.0, 746.0, 1.0], [161.0, 445.0, 375.0, 814.0, 1.0], [-15.0, 437.0, 187.0, 805.0, 1.0], [1011.0, 435.0, 1106.0, 693.0, 1.0], [949.0, 438.0, 1027.0, 634.0, 1.0], [1252.0, 446.0, 1293.0, 542.0, 1.0], [952.0, 454.0, 975.0, 525.0, 1.0], [912.0, 447.0, 938.0, 523.0, 1.0], [627.0, 457.0, 655.0, 529.0, 1.0], [709.0, 454.0, 733.0, 522.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 734.0, 536.0, 0.0], [528.0, 458.0, 552.0, 523.0, 1.0], [725.0, 517.0, 779.0, 604.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 735.0, 593.0, 0.0], [641.0, 539.0, 698.0, 617.0, 0.0], [495.0, 458.0, 517.0, 541.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 514.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [548.0, 457.0, 567.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [86780.32213407857], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 2], [3, 1], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 37}, {"time_since_observed": 2, "confidence": 0.3135950588611493, "age": 13}], "frame_count": 382, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[956.72, 405.34, 1139.51, 955.72, 1.1682], [520.84, 390.88, 649.8000000000001, 779.76, 1.1664], [1098.8, 381.02, 1308.92, 1013.38, 1.1593], [335.87, 434.36, 433.362, 728.83, 1.1506], [243.51, 437.53, 363.77, 800.3, 0.72617], [729.81, 481.15, 771.6809999999999, 608.76, 0.55261]], "trackers": [[990.4059588959022, 269.49619031439397, 1245.8617241949478, 1037.8712123047646, 0.0], [1103.716256813029, 384.3280555531693, 1310.0242066586131, 1005.2567661082998, 0.0], [955.4027027612042, 402.13532735116434, 1142.8776110681847, 966.5827387308004, 0.0], [548.6181314520123, 402.1074719127566, 662.9167439888719, 746.9921810669377, 0.0], [329.03572569906777, 438.8581384031263, 435.1384685969146, 759.1605862894219, 0.0], [216.9113742532719, 438.07297282035097, 339.16994329653505, 806.8241270096094, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1116.0, 399.0, 1274.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1068.0, 470.0, 1109.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [695.0, 487.0, 739.0, 586.0, 0.0], [635.0, 496.0, 691.0, 595.0, 0.0], [721.0, 476.0, 777.0, 591.0, 0.0], [942.0, 448.0, 968.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1288.0, 1012.0, 1.0], [972.0, 422.0, 1102.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 506.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [538.0, 408.0, 673.0, 770.0, 1.0], [335.0, 435.0, 426.0, 744.0, 1.0], [176.0, 445.0, 376.0, 812.0, 1.0], [-14.0, 436.0, 191.0, 805.0, 1.0], [1015.0, 434.0, 1109.0, 695.0, 1.0], [947.0, 437.0, 1023.0, 632.0, 1.0], [1252.0, 446.0, 1292.0, 542.0, 1.0], [953.0, 454.0, 976.0, 526.0, 1.0], [913.0, 447.0, 939.0, 523.0, 1.0], [626.0, 456.0, 654.0, 528.0, 1.0], [709.0, 454.0, 733.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 734.0, 536.0, 0.0], [528.0, 458.0, 553.0, 523.0, 1.0], [725.0, 517.0, 778.0, 604.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [693.0, 520.0, 734.0, 593.0, 0.0], [637.0, 539.0, 696.0, 617.0, 0.0], [495.0, 458.0, 517.0, 540.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [565.0, 459.0, 583.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [548.0, 457.0, 567.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1014.0, 453.0, 1041.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [91449.31428499734], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 1], [3, 4], [4, 5]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 38}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 14}], "frame_count": 383, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.55261]]}, "detections": [[335.87, 434.36, 433.362, 728.83, 1.7805], [956.72, 405.34, 1139.51, 955.72, 1.2944], [243.51, 437.53, 363.77, 800.3, 1.0955], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.0834], [544.06, 408.29, 656.1999999999999, 746.7, 0.88127], [729.81, 481.15, 771.6809999999999, 608.76, 0.38034]], "trackers": [[995.4655935135497, 270.95594406908157, 1250.9797055316317, 1039.5064647860918, 0.0], [1103.9592119865683, 382.2466018147258, 1312.6174946360402, 1010.2234311809627, 0.0], [958.7401980281281, 404.84291420031116, 1143.262005846493, 960.42278232967, 0.0], [536.0212638393975, 394.92156411047, 659.6939586930628, 767.9469895526242, 0.0], [341.4894671961074, 435.1550667893743, 441.8888453355738, 738.3430852459283, 0.0], [250.15679727651673, 437.1036265454942, 370.2356059635796, 799.3169245258208, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 398.0, 1274.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1069.0, 469.0, 1110.0, 590.0, 1.0], [1084.0, 484.0, 1126.0, 595.0, 1.0], [695.0, 487.0, 739.0, 586.0, 0.0], [632.0, 496.0, 688.0, 595.0, 0.0], [721.0, 475.0, 777.0, 591.0, 0.0], [942.0, 448.0, 968.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1290.0, 1012.0, 1.0], [972.0, 422.0, 1102.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 506.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [411.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [539.0, 408.0, 677.0, 769.0, 1.0], [342.0, 436.0, 441.0, 743.0, 1.0], [192.0, 445.0, 377.0, 811.0, 1.0], [-13.0, 436.0, 196.0, 805.0, 1.0], [1020.0, 434.0, 1112.0, 697.0, 1.0], [946.0, 437.0, 1019.0, 631.0, 1.0], [1252.0, 446.0, 1291.0, 542.0, 1.0], [954.0, 454.0, 976.0, 526.0, 1.0], [914.0, 447.0, 940.0, 523.0, 1.0], [626.0, 456.0, 654.0, 528.0, 1.0], [709.0, 454.0, 733.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 734.0, 536.0, 0.0], [528.0, 458.0, 553.0, 523.0, 1.0], [513.0, 459.0, 537.0, 526.0, 1.0], [725.0, 517.0, 778.0, 605.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [692.0, 520.0, 733.0, 593.0, 0.0], [633.0, 540.0, 695.0, 618.0, 0.0], [495.0, 458.0, 517.0, 540.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 509.0, 1.0], [549.0, 457.0, 568.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [91665.29361563495], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 1], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 39}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 15}], "frame_count": 384, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.38034]]}, "detections": [[338.79, 423.24, 443.35, 738.9200000000001, 1.8692], [956.72, 405.34, 1139.51, 955.72, 1.2615], [243.51, 437.53, 363.77, 800.3, 1.156], [1098.8, 381.02, 1308.92, 1013.38, 1.0432], [534.53, 389.02, 654.79, 751.79, 0.92943], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.45241], [729.81, 481.15, 771.6809999999999, 608.76, 0.42249]], "trackers": [[1000.5398173088255, 272.4595800186682, 1256.0830976906873, 1041.09783507252, 0.0], [1095.9781574388717, 370.3530542076695, 1315.1880154599708, 1029.9948084233497, 0.0], [959.7858308278375, 405.8313130058041, 1143.1679277669675, 957.9885728087559, 0.0], [546.6695298516119, 402.738165785216, 663.1651872914985, 754.2250155725047, 0.0], [345.52490382350584, 433.97179531504696, 443.6761495244293, 730.4092719635979, 0.0], [255.8594474136401, 436.9652730740389, 375.5563180495223, 798.0329388259653, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 398.0, 1274.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1069.0, 469.0, 1111.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [694.0, 487.0, 738.0, 586.0, 0.0], [629.0, 496.0, 685.0, 595.0, 0.0], [720.0, 475.0, 777.0, 591.0, 0.0], [941.0, 448.0, 968.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1292.0, 1012.0, 1.0], [973.0, 422.0, 1103.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 506.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [412.0, 468.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [541.0, 409.0, 681.0, 769.0, 1.0], [350.0, 437.0, 457.0, 743.0, 1.0], [207.0, 446.0, 379.0, 809.0, 1.0], [-11.0, 436.0, 201.0, 805.0, 1.0], [1024.0, 434.0, 1115.0, 699.0, 1.0], [944.0, 436.0, 1015.0, 629.0, 1.0], [1252.0, 446.0, 1291.0, 542.0, 1.0], [954.0, 454.0, 977.0, 527.0, 1.0], [915.0, 447.0, 941.0, 523.0, 1.0], [626.0, 456.0, 654.0, 528.0, 1.0], [709.0, 454.0, 733.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [716.0, 478.0, 734.0, 536.0, 0.0], [529.0, 458.0, 553.0, 523.0, 1.0], [513.0, 459.0, 537.0, 526.0, 1.0], [725.0, 517.0, 778.0, 605.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [691.0, 520.0, 732.0, 593.0, 0.0], [629.0, 541.0, 694.0, 619.0, 0.0], [495.0, 458.0, 517.0, 540.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 508.0, 1.0], [549.0, 457.0, 568.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [92589.52358065598], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 40}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 16}], "frame_count": 385, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 481.15, 771.6809999999999, 608.76, 0.42249]]}, "detections": [[355.57, 434.36, 453.062, 728.83, 1.5394], [267.77, 437.53, 388.03, 800.3, 1.5063], [956.72, 405.34, 1139.51, 955.72, 1.2483], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.036], [546.83, 390.88, 675.7900000000001, 779.76, 0.7148]], "trackers": [[995.0264369510066, 264.02631952907115, 1253.2942117525738, 1040.8321547142427, 0.0], [1100.4248606051485, 376.82683095368816, 1314.047757335057, 1019.7011892586938, 0.0], [959.9711102463086, 406.1544921082052, 1142.916772839507, 957.0010798167307, 0.0], [543.7940383490696, 393.16345597844025, 662.5880922599925, 751.5394659522133, 0.0], [348.6567769229347, 426.3318599542781, 450.5764985905371, 734.08268447353, 0.0], [257.12497613286087, 436.97236039303164, 376.7087906847223, 797.7012423939437, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 398.0, 1274.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1070.0, 468.0, 1111.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [694.0, 487.0, 738.0, 586.0, 0.0], [626.0, 496.0, 682.0, 596.0, 0.0], [720.0, 475.0, 776.0, 591.0, 0.0], [941.0, 448.0, 968.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1293.0, 1012.0, 1.0], [973.0, 422.0, 1103.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 505.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [542.0, 409.0, 685.0, 768.0, 1.0], [357.0, 438.0, 473.0, 743.0, 1.0], [223.0, 446.0, 380.0, 808.0, 1.0], [-10.0, 436.0, 206.0, 805.0, 1.0], [1029.0, 434.0, 1118.0, 701.0, 1.0], [943.0, 436.0, 1011.0, 628.0, 1.0], [1251.0, 446.0, 1290.0, 542.0, 1.0], [955.0, 454.0, 978.0, 527.0, 1.0], [916.0, 447.0, 942.0, 523.0, 1.0], [626.0, 456.0, 654.0, 528.0, 1.0], [709.0, 454.0, 733.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 734.0, 536.0, 0.0], [529.0, 458.0, 554.0, 523.0, 1.0], [513.0, 459.0, 537.0, 526.0, 1.0], [725.0, 517.0, 778.0, 606.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [691.0, 520.0, 732.0, 593.0, 0.0], [626.0, 542.0, 692.0, 619.0, 0.0], [495.0, 458.0, 518.0, 540.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 616.0, 509.0, 1.0], [585.0, 454.0, 605.0, 508.0, 1.0], [549.0, 457.0, 568.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [92634.62404867711], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2], [3, 1], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 41}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 17}], "frame_count": 386, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[267.77, 437.53, 388.03, 800.3, 1.429], [961.31, 412.56, 1131.79, 926.01, 1.3889], [359.91, 423.24, 464.47, 738.9200000000001, 1.1941], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.0567], [566.69, 408.29, 678.83, 746.7, 0.88242], [936.71, 260.92, 1195.63, 1039.68, 0.38177], [60.714, 359.28, 209.004, 806.14, 0.33426]], "trackers": [[999.3618660104246, 265.06048244571, 1257.65709773414, 1041.948901287931, 0.0], [1094.1605516999082, 368.3720830050345, 1315.1886536436912, 1033.4678951842725, 0.0], [959.8466861661157, 406.22709295925983, 1142.626128462288, 956.5744978587343, 0.0], [551.303428607741, 391.8083505299837, 676.5815272238546, 769.6465588911876, 0.0], [360.90080072375275, 430.78855629962794, 459.67177538722984, 729.0872441688718, 0.0], [274.2539279152006, 437.0364626720068, 393.8231520601106, 797.7221809818823, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 398.0, 1274.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1070.0, 468.0, 1112.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [694.0, 487.0, 738.0, 586.0, 0.0], [623.0, 496.0, 679.0, 596.0, 0.0], [720.0, 475.0, 776.0, 591.0, 0.0], [941.0, 448.0, 967.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1295.0, 1012.0, 1.0], [974.0, 422.0, 1104.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 505.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [544.0, 410.0, 689.0, 768.0, 1.0], [365.0, 439.0, 489.0, 743.0, 1.0], [238.0, 446.0, 381.0, 806.0, 1.0], [-8.0, 436.0, 211.0, 805.0, 1.0], [1033.0, 434.0, 1121.0, 703.0, 1.0], [941.0, 435.0, 1007.0, 626.0, 1.0], [1251.0, 446.0, 1290.0, 542.0, 1.0], [956.0, 454.0, 978.0, 528.0, 1.0], [918.0, 448.0, 944.0, 524.0, 1.0], [626.0, 456.0, 654.0, 528.0, 1.0], [709.0, 454.0, 734.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 734.0, 536.0, 0.0], [529.0, 458.0, 554.0, 523.0, 1.0], [513.0, 459.0, 537.0, 526.0, 1.0], [725.0, 517.0, 778.0, 606.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [690.0, 520.0, 731.0, 593.0, 0.0], [622.0, 543.0, 691.0, 620.0, 0.0], [495.0, 458.0, 518.0, 540.0, 1.0], [531.0, 461.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [585.0, 454.0, 605.0, 508.0, 1.0], [549.0, 457.0, 568.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [94698.1078083139], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 4], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 42}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 18}], "frame_count": 387, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[60.714, 359.28, 209.004, 806.14, 0.33426]]}, "detections": [[267.77, 437.53, 388.03, 800.3, 1.8658], [961.31, 412.56, 1131.79, 926.01, 1.385], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.1512], [566.69, 408.29, 678.83, 746.7, 1.1382], [56.715, 391.01, 195.005, 807.87, 0.79262], [359.91, 444.35, 464.47, 760.03, 0.7547], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.38785], [725.08, 442.23, 780.649, 610.94, 0.31484]], "trackers": [[950.413629072132, 262.66708417138074, 1209.2039117346349, 1041.0389294025092, 0.0], [1091.599079127765, 365.2096596996217, 1315.3902023057094, 1038.5950534836356, 0.0], [962.3292980224007, 409.66622101250596, 1137.4035239585485, 936.8996646126941, 0.0], [567.0920669266316, 401.6013571594651, 684.2469996873699, 755.0668113282434, 0.0], [368.16203337607516, 425.3380456372613, 470.32300601081187, 733.8131907166917, 0.0], [279.7224630557763, 437.11695477293017, 399.31227338570204, 797.8650958454604, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1115.0, 398.0, 1275.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1071.0, 468.0, 1112.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [693.0, 487.0, 737.0, 586.0, 0.0], [620.0, 496.0, 676.0, 596.0, 0.0], [719.0, 474.0, 776.0, 591.0, 0.0], [941.0, 448.0, 967.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1297.0, 1011.0, 1.0], [974.0, 422.0, 1104.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 505.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [546.0, 411.0, 693.0, 768.0, 1.0], [365.0, 439.0, 503.0, 743.0, 1.0], [254.0, 447.0, 383.0, 805.0, 1.0], [7.0, 436.0, 211.0, 803.0, 1.0], [1038.0, 434.0, 1125.0, 706.0, 1.0], [940.0, 435.0, 1003.0, 625.0, 1.0], [1251.0, 446.0, 1289.0, 542.0, 1.0], [957.0, 454.0, 979.0, 528.0, 1.0], [919.0, 448.0, 945.0, 524.0, 1.0], [625.0, 456.0, 653.0, 528.0, 1.0], [709.0, 454.0, 734.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 734.0, 536.0, 0.0], [530.0, 458.0, 554.0, 523.0, 1.0], [513.0, 459.0, 537.0, 526.0, 1.0], [725.0, 517.0, 778.0, 607.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [689.0, 521.0, 730.0, 594.0, 0.0], [618.0, 543.0, 690.0, 621.0, 0.0], [495.0, 458.0, 518.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 513.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [585.0, 454.0, 605.0, 508.0, 1.0], [550.0, 457.0, 569.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [93417.31243591291], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 1], [3, 3], [5, 4], [6, 0]], "ret_unmatched_detections": [4, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 43}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 19}], "frame_count": 388, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[56.715, 391.01, 195.005, 807.87, 0.79262], [725.08, 442.23, 780.649, 610.94, 0.31484]]}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.5546], [272.53, 453.55, 384.66999999999996, 791.96, 1.4341], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.1675], [52.984, 416.87, 181.94400000000002, 805.75, 0.89238], [363.04, 430.92, 475.18, 769.33, 0.71325], [566.69, 408.29, 678.83, 746.7, 0.63541], [936.71, 260.92, 1195.63, 1039.68, 0.48902], [725.08, 442.23, 780.649, 610.94, 0.3681]], "trackers": [[978.463916111966, 262.2159816282881, 1237.369772426791, 1040.9341724418466, 0.0], [1101.0973378435513, 382.360480572013, 1307.9830126920026, 1005.0393242747681, 0.0], [963.1741707054254, 411.1617863203497, 1135.2170739760327, 929.2988775974163, 0.0], [572.6153099813023, 405.6009557833171, 686.5200006434452, 749.3072472936932, 0.0], [370.21689132758496, 438.4296620583382, 473.6483049790906, 750.717054311822, 0.0], [280.861570486286, 437.1974807885771, 400.48258733175334, 798.0398813652829, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 397.0, 1274.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1071.0, 467.0, 1113.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [693.0, 487.0, 737.0, 586.0, 0.0], [617.0, 496.0, 674.0, 597.0, 0.0], [719.0, 474.0, 775.0, 591.0, 0.0], [940.0, 448.0, 967.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1298.0, 1011.0, 1.0], [974.0, 422.0, 1104.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [376.0, 464.0, 428.0, 576.0, 1.0], [470.0, 454.0, 504.0, 563.0, 1.0], [424.0, 456.0, 454.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 460.0, 444.0, 543.0, 1.0], [551.0, 410.0, 693.0, 766.0, 1.0], [365.0, 439.0, 517.0, 743.0, 1.0], [269.0, 447.0, 384.0, 803.0, 1.0], [22.0, 436.0, 211.0, 801.0, 1.0], [1041.0, 433.0, 1127.0, 705.0, 1.0], [937.0, 435.0, 1000.0, 624.0, 1.0], [1251.0, 446.0, 1288.0, 542.0, 1.0], [957.0, 454.0, 980.0, 529.0, 1.0], [921.0, 448.0, 947.0, 524.0, 1.0], [625.0, 456.0, 653.0, 528.0, 1.0], [709.0, 454.0, 734.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 734.0, 536.0, 0.0], [530.0, 458.0, 555.0, 523.0, 1.0], [514.0, 459.0, 538.0, 526.0, 1.0], [725.0, 517.0, 778.0, 607.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [689.0, 521.0, 730.0, 594.0, 0.0], [615.0, 544.0, 688.0, 621.0, 0.0], [495.0, 458.0, 519.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 605.0, 508.0, 1.0], [550.0, 457.0, 569.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [89032.37707111573], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 1], [4, 4], [5, 3], [6, 0]], "ret_unmatched_detections": [3, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 44}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 389, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[725.08, 442.23, 780.649, 610.94, 0.3681]]}, "detections": [[292.02, 437.53, 412.28, 800.3, 1.9404], [961.31, 412.56, 1131.79, 926.01, 1.7096], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.1698], [78.976, 416.87, 207.936, 805.75, 1.1452], [566.69, 408.29, 678.83, 746.7, 0.70813], [729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.47918], [386.96, 442.1, 477.856, 716.79, 0.46466], [971.06, 292.02, 1212.57, 1018.56, 0.44398]], "trackers": [[950.9780907931424, 262.00453724356174, 1209.9256084909523, 1040.8475804607683, 0.0], [1093.8000370783939, 370.3214346526376, 1312.3643192206546, 1028.0353987140059, 0.0], [963.370418266138, 411.8020767117608, 1134.2435647570887, 926.4285466393258, 0.0], [574.1984022549257, 407.1943934834199, 686.8402603535287, 747.1078825075642, 0.0], [372.7780423987114, 434.43599821341286, 481.6590632372701, 763.0746143143656, 0.0], [283.6743237487741, 448.19447385562023, 397.8858617517359, 792.8035370527133, 0.0], [49.603024180375265, 443.86284897072204, 168.53297581962474, 802.4971510292776, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1113.0, 397.0, 1274.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1072.0, 467.0, 1113.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [692.0, 487.0, 736.0, 586.0, 0.0], [614.0, 496.0, 671.0, 597.0, 0.0], [719.0, 474.0, 775.0, 591.0, 0.0], [940.0, 448.0, 967.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1300.0, 1011.0, 1.0], [975.0, 422.0, 1105.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [470.0, 454.0, 504.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 444.0, 543.0, 1.0], [556.0, 409.0, 693.0, 765.0, 1.0], [365.0, 439.0, 531.0, 743.0, 1.0], [285.0, 448.0, 386.0, 802.0, 1.0], [37.0, 436.0, 211.0, 799.0, 1.0], [1045.0, 433.0, 1130.0, 704.0, 1.0], [935.0, 435.0, 997.0, 623.0, 1.0], [1250.0, 446.0, 1288.0, 542.0, 1.0], [958.0, 454.0, 981.0, 529.0, 1.0], [922.0, 448.0, 948.0, 524.0, 1.0], [625.0, 456.0, 653.0, 528.0, 1.0], [709.0, 454.0, 734.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 734.0, 536.0, 0.0], [530.0, 458.0, 555.0, 523.0, 1.0], [514.0, 459.0, 538.0, 526.0, 1.0], [725.0, 517.0, 778.0, 608.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [688.0, 521.0, 729.0, 594.0, 0.0], [611.0, 545.0, 687.0, 622.0, 0.0], [495.0, 458.0, 519.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [566.0, 459.0, 584.0, 517.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 605.0, 508.0, 1.0], [550.0, 457.0, 569.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [84207.11194762462], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 1], [3, 6], [4, 3], [6, 4], [7, 0]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 45}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 390, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.47918]]}, "detections": [[292.02, 437.53, 412.28, 800.3, 2.0159], [961.31, 412.56, 1131.79, 926.01, 1.633], [78.976, 416.87, 207.936, 805.75, 1.592], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.2742], [589.31, 408.29, 701.4499999999999, 746.7, 0.96689], [971.06, 292.02, 1212.57, 1018.56, 0.71655], [729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.63224]], "trackers": [[964.3817789076306, 281.6140532864895, 1212.549464885666, 1028.1259584058298, 0.0], [1090.9472727011216, 365.939490563674, 1313.8108044553242, 1036.5462456303007, 0.0], [963.3259580529241, 412.0954959041752, 1133.7523824410775, 925.3812401779579, 0.0], [574.3131202757868, 407.8351440585718, 686.4718140819016, 746.2973769154646, 0.0], [389.247454724907, 438.16762460597363, 486.8390684498553, 732.9540091653422, 0.0], [298.1229355363546, 441.4200177325978, 415.768812360138, 796.3376468225348, 0.0], [95.88761323913884, 425.0471879853454, 221.84654060701507, 804.8774273992699, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 396.0, 1274.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1072.0, 466.0, 1114.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [692.0, 487.0, 736.0, 586.0, 0.0], [611.0, 496.0, 668.0, 597.0, 0.0], [718.0, 473.0, 775.0, 591.0, 0.0], [940.0, 448.0, 966.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 447.0, 1023.0, 553.0, 1.0], [1075.0, 405.0, 1302.0, 1011.0, 1.0], [975.0, 422.0, 1105.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [470.0, 454.0, 504.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 444.0, 543.0, 1.0], [561.0, 408.0, 693.0, 763.0, 1.0], [365.0, 440.0, 546.0, 744.0, 1.0], [289.0, 448.0, 399.0, 800.0, 1.0], [52.0, 436.0, 211.0, 798.0, 1.0], [1049.0, 433.0, 1132.0, 704.0, 1.0], [932.0, 436.0, 994.0, 623.0, 1.0], [1250.0, 446.0, 1287.0, 542.0, 1.0], [959.0, 454.0, 981.0, 530.0, 1.0], [924.0, 448.0, 950.0, 524.0, 1.0], [625.0, 456.0, 653.0, 528.0, 1.0], [709.0, 454.0, 734.0, 521.0, 1.0], [660.0, 462.0, 685.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [531.0, 458.0, 556.0, 524.0, 1.0], [514.0, 459.0, 538.0, 526.0, 1.0], [725.0, 517.0, 778.0, 608.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [687.0, 521.0, 728.0, 594.0, 0.0], [607.0, 546.0, 686.0, 623.0, 0.0], [495.0, 458.0, 519.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [567.0, 459.0, 585.0, 517.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 605.0, 508.0, 1.0], [550.0, 457.0, 569.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [82645.59173043945], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 6], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 391, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.63224]]}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.8942], [78.976, 416.87, 207.936, 805.75, 1.8751], [292.02, 437.53, 412.28, 800.3, 1.7953], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.0426], [589.31, 408.29, 701.4499999999999, 746.7, 0.89052], [971.06, 292.02, 1212.57, 1018.56, 0.5812]], "trackers": [[969.4734862217028, 289.18447960097063, 1213.4058500012438, 1022.9904970493699, 0.0], [1089.7378327135755, 364.26981127153465, 1314.2207162308484, 1039.73206951237, 0.0], [963.200222357313, 412.2501414409823, 1133.4578775229843, 925.0293798911107, 0.0], [590.0135384513804, 408.10475219415207, 701.9899120446154, 746.0193751653605, 0.0], [396.78011441342056, 437.8767188123777, 494.1778204546428, 732.0773835251107, 0.0], [302.76248803491484, 438.91672208429816, 421.7054890038641, 797.7267738590605, 0.0], [92.94879288658143, 420.477072772852, 220.58750939414028, 805.3727309262289, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1112.0, 396.0, 1273.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1073.0, 466.0, 1115.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [692.0, 487.0, 736.0, 586.0, 0.0], [608.0, 496.0, 665.0, 598.0, 0.0], [718.0, 473.0, 774.0, 591.0, 0.0], [940.0, 449.0, 966.0, 522.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 446.0, 1023.0, 552.0, 1.0], [1075.0, 405.0, 1304.0, 1011.0, 1.0], [976.0, 422.0, 1106.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [470.0, 454.0, 504.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 444.0, 543.0, 1.0], [566.0, 407.0, 693.0, 762.0, 1.0], [367.0, 439.0, 546.0, 742.0, 1.0], [293.0, 449.0, 413.0, 799.0, 1.0], [59.0, 436.0, 222.0, 797.0, 1.0], [1053.0, 433.0, 1135.0, 703.0, 1.0], [930.0, 436.0, 991.0, 622.0, 1.0], [1250.0, 446.0, 1287.0, 542.0, 1.0], [960.0, 454.0, 982.0, 530.0, 1.0], [925.0, 448.0, 951.0, 524.0, 1.0], [625.0, 456.0, 653.0, 528.0, 1.0], [709.0, 454.0, 735.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [531.0, 457.0, 556.0, 524.0, 1.0], [514.0, 459.0, 538.0, 526.0, 1.0], [725.0, 517.0, 778.0, 609.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [687.0, 521.0, 728.0, 594.0, 0.0], [604.0, 547.0, 685.0, 624.0, 0.0], [495.0, 458.0, 520.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [567.0, 459.0, 585.0, 516.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 605.0, 508.0, 1.0], [551.0, 457.0, 570.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1008.0, 453.0, 1026.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [82318.82837717082], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 5], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 2, "confidence": 0.8006100423748264, "age": 47}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 392, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.9252], [286.91, 416.87, 415.87, 805.75, 1.8436], [98.006, 437.53, 218.26600000000002, 800.3, 1.6787], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.1482], [583.04, 389.02, 703.3, 751.79, 0.86087], [936.71, 260.92, 1195.63, 1039.68, 0.64118]], "trackers": [[971.3441431436597, 292.0123539681896, 1213.640997640494, 1020.9114097579226, 0.0], [1089.159784878962, 363.60908312643915, 1314.2568927797088, 1040.9129358657615, 0.0], [963.0536838786408, 412.34749909274694, 1133.2489786005735, 924.939604387498, 0.0], [595.4272009118091, 408.2294512758643, 707.3365419397097, 745.9427726129945, 0.0], [404.2643696371829, 437.4396019191193, 501.56497692418156, 731.3469689845417, 0.0], [303.72622508335735, 438.00216414448147, 423.17441463290106, 798.328225263379, 0.0], [89.33068443238982, 418.98652728081004, 217.51439058880726, 805.5256064534809, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 395.0, 1273.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1073.0, 465.0, 1115.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [690.0, 487.0, 735.0, 585.0, 0.0], [604.0, 496.0, 662.0, 598.0, 0.0], [718.0, 473.0, 774.0, 591.0, 0.0], [939.0, 449.0, 966.0, 521.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [987.0, 446.0, 1023.0, 552.0, 1.0], [1075.0, 405.0, 1302.0, 1010.0, 1.0], [976.0, 422.0, 1106.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [469.0, 454.0, 503.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 444.0, 543.0, 1.0], [572.0, 407.0, 694.0, 761.0, 1.0], [370.0, 439.0, 547.0, 740.0, 1.0], [297.0, 450.0, 427.0, 798.0, 1.0], [66.0, 436.0, 233.0, 797.0, 1.0], [1057.0, 433.0, 1137.0, 702.0, 1.0], [927.0, 437.0, 988.0, 622.0, 1.0], [1250.0, 446.0, 1286.0, 542.0, 1.0], [960.0, 454.0, 983.0, 531.0, 1.0], [927.0, 449.0, 953.0, 525.0, 1.0], [624.0, 456.0, 652.0, 528.0, 1.0], [709.0, 453.0, 735.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [532.0, 457.0, 557.0, 524.0, 1.0], [514.0, 459.0, 538.0, 526.0, 1.0], [723.0, 517.0, 776.0, 609.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [686.0, 522.0, 727.0, 595.0, 0.0], [599.0, 546.0, 682.0, 624.0, 0.0], [494.0, 458.0, 519.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [567.0, 459.0, 585.0, 516.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 605.0, 508.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [82184.11417965405], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 6], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 3, "confidence": 0.5451484075687721, "age": 48}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 393, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.7861], [104.97, 416.87, 233.93, 805.75, 1.4663], [286.91, 416.87, 415.87, 805.75, 1.3557], [1098.8, 381.02, 1308.92, 1013.38, 1.0562], [589.31, 408.29, 701.4499999999999, 746.7, 0.94883], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.71323], [729.84, 463.91, 778.086, 610.6500000000001, 0.5213]], "trackers": [[948.1682170858631, 272.8573008752347, 1200.9043501247263, 1033.0724693909901, 0.0], [1088.8330603767688, 363.3318625823662, 1314.1630803549208, 1041.334014902783, 0.0], [962.908529827485, 412.4191529952583, 1133.0821219741822, 924.94615559548, 0.0], [592.7688560810935, 395.41606286995477, 709.8752725377989, 748.7264681517751, 0.0], [411.74867335802577, 437.0026315167171, 508.95208489663975, 730.6164079531164, 0.0], [299.8829173222126, 423.43176097722244, 425.41073912903585, 802.0137711619179, 0.0], [104.96816612072033, 438.00987824680107, 225.12210376306749, 800.4122691797718, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1110.0, 395.0, 1273.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1074.0, 465.0, 1116.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [689.0, 487.0, 734.0, 584.0, 0.0], [601.0, 496.0, 659.0, 598.0, 0.0], [717.0, 473.0, 773.0, 591.0, 0.0], [939.0, 449.0, 965.0, 521.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 446.0, 1024.0, 552.0, 1.0], [1075.0, 405.0, 1301.0, 1010.0, 1.0], [976.0, 422.0, 1106.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [468.0, 454.0, 502.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 444.0, 543.0, 1.0], [578.0, 407.0, 699.0, 758.0, 1.0], [373.0, 438.0, 547.0, 738.0, 1.0], [301.0, 450.0, 441.0, 797.0, 1.0], [73.0, 437.0, 244.0, 797.0, 1.0], [1061.0, 433.0, 1140.0, 702.0, 1.0], [925.0, 437.0, 985.0, 621.0, 1.0], [1249.0, 446.0, 1285.0, 542.0, 1.0], [961.0, 454.0, 983.0, 531.0, 1.0], [928.0, 449.0, 954.0, 525.0, 1.0], [624.0, 456.0, 652.0, 528.0, 1.0], [710.0, 453.0, 736.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [532.0, 457.0, 557.0, 524.0, 1.0], [515.0, 459.0, 539.0, 526.0, 1.0], [722.0, 517.0, 775.0, 610.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [685.0, 522.0, 726.0, 595.0, 0.0], [594.0, 546.0, 680.0, 625.0, 0.0], [494.0, 458.0, 519.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [567.0, 459.0, 585.0, 516.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 606.0, 508.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [84729.78102850201], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 5], [3, 1], [4, 3], [5, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 4, "confidence": 0.4042063189293976, "age": 49}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 394, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.84, 463.91, 778.086, 610.6500000000001, 0.5213]]}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.7321], [104.97, 416.87, 233.93, 805.75, 1.448], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.2298], [316.27, 437.53, 436.53, 800.3, 1.0045], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.80599], [726.98, 469.67, 771.928, 606.51, 0.52428], [434.36, 434.36, 531.852, 728.83, 0.46301], [919.38, 444.35, 971.16, 601.69, 0.46255], [589.31, 408.29, 701.4499999999999, 746.7, 0.39804]], "trackers": [[976.5614838695278, 265.6749381866165, 1233.1734066508097, 1037.5140274423647, 0.0], [1096.241042278264, 373.8998854026331, 1312.2744834336313, 1024.007900158049, 0.0], [962.7723457776542, 412.477481078375, 1132.9397456796637, 924.9859335768876, 0.0], [595.4439089644791, 403.4343542296357, 709.3447698461694, 747.1258669449556, 0.0], [419.2330257215748, 436.56580804504927, 516.3391442263918, 729.8856999909568, 0.0], [297.81188574952705, 418.1102320231754, 425.5743411548275, 803.3991518942183, 0.0], [114.15617255612368, 424.63350708923923, 239.9166581815665, 803.8961810136391, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 394.0, 1273.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1074.0, 465.0, 1116.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [688.0, 487.0, 733.0, 583.0, 0.0], [598.0, 496.0, 656.0, 598.0, 0.0], [717.0, 472.0, 773.0, 591.0, 0.0], [939.0, 449.0, 965.0, 521.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [988.0, 446.0, 1024.0, 552.0, 1.0], [1075.0, 405.0, 1299.0, 1010.0, 1.0], [976.0, 422.0, 1107.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [468.0, 454.0, 502.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [585.0, 407.0, 705.0, 756.0, 1.0], [376.0, 438.0, 548.0, 736.0, 1.0], [305.0, 451.0, 455.0, 796.0, 1.0], [80.0, 437.0, 256.0, 797.0, 1.0], [1066.0, 433.0, 1149.0, 703.0, 1.0], [922.0, 437.0, 982.0, 620.0, 1.0], [1249.0, 446.0, 1285.0, 542.0, 1.0], [962.0, 454.0, 984.0, 532.0, 1.0], [930.0, 449.0, 956.0, 525.0, 1.0], [624.0, 456.0, 652.0, 528.0, 1.0], [710.0, 453.0, 736.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [533.0, 456.0, 558.0, 524.0, 1.0], [515.0, 459.0, 539.0, 526.0, 1.0], [721.0, 517.0, 774.0, 610.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [685.0, 522.0, 726.0, 595.0, 0.0], [589.0, 546.0, 678.0, 626.0, 0.0], [493.0, 458.0, 518.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 512.0, 1.0], [567.0, 459.0, 585.0, 515.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 606.0, 508.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1015.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [84324.57813858344], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 1], [3, 5], [4, 0], [6, 4], [8, 3]], "ret_unmatched_detections": [5, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 50}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 395, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.52428], [919.38, 444.35, 971.16, 601.69, 0.46255]]}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.7148], [104.97, 416.87, 233.93, 805.75, 1.6682], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.4529], [434.36, 434.36, 531.852, 728.83, 1.0396], [316.27, 437.53, 436.53, 800.3, 0.96475], [988.7, 260.92, 1247.6200000000001, 1039.68, 0.78068], [726.98, 469.67, 771.928, 606.51, 0.63519], [611.94, 408.29, 724.08, 746.7, 0.51782], [919.38, 444.35, 971.16, 601.69, 0.44315]], "trackers": [[987.1332025054932, 262.92666297476103, 1245.2099737713327, 1039.1585876735262, 0.0], [1102.078165813813, 385.94463794918414, 1305.785791134886, 999.0818460971659, 0.0], [962.6472204378077, 412.52751806978137, 1132.8143284331998, 925.0351294638485, 0.0], [596.0255577003855, 406.5476504576194, 708.6809026392831, 746.5006204710288, 0.0], [441.44253935801606, 434.0344496470775, 538.7926796659001, 728.0783062086323, 0.0], [317.14176285651547, 430.18123765073005, 440.04579407664437, 800.8857045829241, 0.0], [115.72397188867748, 420.0318819844762, 243.3858819607947, 805.0094367260366, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 394.0, 1272.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1075.0, 464.0, 1117.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [686.0, 487.0, 732.0, 582.0, 0.0], [595.0, 496.0, 654.0, 599.0, 0.0], [717.0, 472.0, 773.0, 591.0, 0.0], [939.0, 449.0, 965.0, 521.0, 1.0], [1102.0, 436.0, 1140.0, 547.0, 1.0], [989.0, 446.0, 1024.0, 551.0, 1.0], [1075.0, 405.0, 1298.0, 1010.0, 1.0], [977.0, 422.0, 1107.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [377.0, 464.0, 429.0, 576.0, 1.0], [467.0, 454.0, 501.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [592.0, 407.0, 711.0, 754.0, 1.0], [389.0, 437.0, 548.0, 734.0, 1.0], [309.0, 452.0, 469.0, 795.0, 1.0], [87.0, 438.0, 267.0, 797.0, 1.0], [1072.0, 433.0, 1159.0, 704.0, 1.0], [920.0, 438.0, 979.0, 620.0, 1.0], [1249.0, 446.0, 1284.0, 542.0, 1.0], [963.0, 454.0, 985.0, 532.0, 1.0], [931.0, 449.0, 957.0, 525.0, 1.0], [624.0, 456.0, 652.0, 528.0, 1.0], [711.0, 453.0, 737.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [717.0, 478.0, 735.0, 536.0, 0.0], [534.0, 456.0, 558.0, 524.0, 1.0], [515.0, 459.0, 539.0, 526.0, 1.0], [719.0, 517.0, 773.0, 611.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [684.0, 522.0, 725.0, 595.0, 0.0], [584.0, 546.0, 676.0, 626.0, 0.0], [493.0, 458.0, 518.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [567.0, 459.0, 585.0, 515.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 606.0, 508.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [82010.12353533949], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 1], [3, 4], [4, 5], [5, 0], [7, 3]], "ret_unmatched_detections": [6, 8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 51}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 396, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.63519], [919.38, 444.35, 971.16, 601.69, 0.44315]]}, "detections": [[130.96, 416.87, 259.92, 805.75, 1.693], [961.31, 412.56, 1131.79, 926.01, 1.6782], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.4124], [442.1, 442.1, 532.996, 716.79, 1.2004], [611.94, 408.29, 724.08, 746.7, 1.0402], [988.7, 260.92, 1247.6200000000001, 1039.68, 1.002], [726.98, 469.67, 771.928, 606.51, 0.53207], [910.72, 429.87, 974.7, 623.81, 0.4928]], "trackers": [[990.8923784557684, 261.85617122941, 1249.5261617377928, 1039.7584201211353, 0.0], [1104.310013888449, 390.9201825397428, 1303.1108149462846, 989.333585276629, 0.0], [962.5332214563131, 412.5714823854983, 1132.7022668547293, 925.0849433674446, 0.0], [611.9488950376872, 407.7522633427193, 724.1273967147281, 746.2738074649033, 0.0], [444.74581605796027, 433.72877025564463, 542.1015751693086, 727.7880814516768, 0.0], [323.809971067075, 434.87668194999935, 444.82347710680233, 799.9041054523019, 0.0], [115.10143411412172, 418.34220544053835, 243.45616546643674, 805.4016041267479, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 393.0, 1272.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1075.0, 464.0, 1117.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [685.0, 487.0, 731.0, 582.0, 0.0], [592.0, 496.0, 651.0, 599.0, 0.0], [716.0, 472.0, 772.0, 591.0, 0.0], [938.0, 449.0, 965.0, 521.0, 1.0], [1102.0, 437.0, 1141.0, 548.0, 1.0], [989.0, 446.0, 1025.0, 551.0, 1.0], [1075.0, 405.0, 1297.0, 1010.0, 1.0], [977.0, 422.0, 1108.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [467.0, 455.0, 501.0, 563.0, 1.0], [423.0, 456.0, 453.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [598.0, 407.0, 716.0, 751.0, 1.0], [403.0, 437.0, 549.0, 733.0, 1.0], [314.0, 453.0, 483.0, 794.0, 1.0], [94.0, 438.0, 278.0, 797.0, 1.0], [1077.0, 433.0, 1168.0, 705.0, 1.0], [917.0, 438.0, 976.0, 619.0, 1.0], [1249.0, 446.0, 1284.0, 542.0, 1.0], [964.0, 454.0, 986.0, 533.0, 1.0], [933.0, 449.0, 959.0, 525.0, 1.0], [624.0, 456.0, 652.0, 528.0, 1.0], [712.0, 453.0, 737.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 735.0, 536.0, 0.0], [534.0, 456.0, 559.0, 524.0, 1.0], [515.0, 459.0, 539.0, 526.0, 1.0], [718.0, 518.0, 772.0, 612.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [683.0, 522.0, 724.0, 595.0, 0.0], [579.0, 546.0, 674.0, 627.0, 0.0], [493.0, 458.0, 518.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [567.0, 459.0, 585.0, 515.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [81118.30748801856], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 1], [3, 4], [4, 3], [5, 0]], "ret_unmatched_detections": [7, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 52}, {"time_since_observed": 1, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 397, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[910.72, 429.87, 974.7, 623.81, 0.4928], [726.98, 469.67, 771.928, 606.51, 0.53207]]}, "detections": [[130.96, 416.87, 259.92, 805.75, 2.0262], [961.31, 412.56, 1131.79, 926.01, 1.7619], [607.29, 389.02, 727.55, 751.79, 1.5766], [444.35, 423.24, 548.9100000000001, 738.9200000000001, 1.3546], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.2584], [971.06, 292.02, 1212.57, 1018.56, 0.70339], [726.98, 469.67, 771.928, 606.51, 0.70014], [340.52, 437.53, 460.78, 800.3, 0.5306], [917.41, 442.23, 972.9789999999999, 610.94, 0.34734]], "trackers": [[992.0654713833299, 261.42654243066585, 1250.9113549845413, 1039.9648095759387, 0.0], [1105.0900278828356, 392.93950456763514, 1301.9861110809313, 985.6365828702496, 0.0], [962.4297152091899, 412.6104966372777, 1132.6015253741762, 925.1322900686359, 0.0], [617.4804132977614, 408.2208711610363, 729.4786533197374, 746.201304529588, 0.0], [450.7448595942503, 438.4265772009069, 543.89801137593, 719.8827375962139, 0.0], [331.02210560652685, 434.6912167025102, 451.92456146988394, 799.3836663569632, 0.0], [134.23851782652014, 417.68497221353994, 262.86103952621136, 805.549060929883, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 393.0, 1272.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1076.0, 463.0, 1118.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [684.0, 487.0, 730.0, 581.0, 0.0], [589.0, 496.0, 648.0, 599.0, 0.0], [716.0, 472.0, 772.0, 591.0, 0.0], [938.0, 449.0, 964.0, 521.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [989.0, 445.0, 1025.0, 551.0, 1.0], [1075.0, 405.0, 1295.0, 1010.0, 1.0], [977.0, 422.0, 1108.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [466.0, 455.0, 500.0, 563.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [605.0, 407.0, 722.0, 749.0, 1.0], [416.0, 437.0, 550.0, 732.0, 1.0], [315.0, 452.0, 483.0, 794.0, 1.0], [101.0, 438.0, 289.0, 797.0, 1.0], [1083.0, 433.0, 1178.0, 706.0, 1.0], [915.0, 439.0, 973.0, 619.0, 1.0], [1248.0, 446.0, 1283.0, 542.0, 1.0], [964.0, 454.0, 987.0, 532.0, 1.0], [934.0, 449.0, 960.0, 525.0, 1.0], [623.0, 456.0, 651.0, 528.0, 1.0], [712.0, 452.0, 738.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 735.0, 536.0, 0.0], [535.0, 455.0, 559.0, 524.0, 1.0], [515.0, 459.0, 539.0, 526.0, 1.0], [717.0, 518.0, 771.0, 612.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [683.0, 523.0, 724.0, 596.0, 0.0], [574.0, 546.0, 672.0, 628.0, 0.0], [492.0, 458.0, 517.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [567.0, 459.0, 585.0, 514.0, 1.0], [596.0, 456.0, 615.0, 509.0, 1.0], [586.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [80498.5617640521], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 2], [2, 3], [3, 4], [4, 1], [5, 0], [7, 5]], "ret_unmatched_detections": [6, 8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 398, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[726.98, 469.67, 771.928, 606.51, 0.70014], [917.41, 442.23, 972.9789999999999, 610.94, 0.34734]]}, "detections": [[607.29, 389.02, 727.55, 751.79, 1.8756], [961.31, 412.56, 1131.79, 926.01, 1.7307], [454.06, 434.36, 551.552, 728.83, 1.6729], [130.96, 416.87, 259.92, 805.75, 1.4305], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.3491], [719.99, 463.91, 768.236, 610.6500000000001, 0.89889], [971.06, 292.02, 1212.57, 1018.56, 0.69419]], "trackers": [[978.9034540556569, 280.97968327522153, 1227.0391579880602, 1027.395665720098, 0.0], [1077.2620657573675, 393.7837131191106, 1273.4273943805629, 984.2875785322492, 0.0], [962.3358636500406, 412.64524186627443, 1132.5107307930589, 925.1762443951083, 0.0], [616.0534256791099, 395.53706156713247, 733.1977900047442, 748.9614916533476, 0.0], [454.3659991397541, 428.1290251477896, 554.7992334757823, 731.4380964815412, 0.0], [346.17038110115305, 436.82066539297347, 466.4661884437738, 799.6944037470373, 0.0], [140.10338929726868, 417.4094346557147, 268.83739265428704, 805.6086116866893, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 393.0, 1272.0, 923.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1076.0, 463.0, 1119.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [682.0, 487.0, 729.0, 580.0, 0.0], [586.0, 496.0, 645.0, 600.0, 0.0], [716.0, 471.0, 772.0, 591.0, 0.0], [938.0, 449.0, 964.0, 521.0, 1.0], [1101.0, 436.0, 1140.0, 547.0, 1.0], [990.0, 445.0, 1025.0, 551.0, 1.0], [1075.0, 405.0, 1294.0, 1010.0, 1.0], [978.0, 422.0, 1108.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [465.0, 455.0, 499.0, 563.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [612.0, 407.0, 728.0, 747.0, 1.0], [430.0, 437.0, 551.0, 731.0, 1.0], [316.0, 451.0, 483.0, 794.0, 1.0], [108.0, 439.0, 301.0, 797.0, 1.0], [1084.0, 433.0, 1179.0, 706.0, 1.0], [912.0, 439.0, 970.0, 618.0, 1.0], [1247.0, 446.0, 1282.0, 542.0, 1.0], [964.0, 454.0, 988.0, 532.0, 1.0], [936.0, 450.0, 962.0, 526.0, 1.0], [623.0, 456.0, 651.0, 528.0, 1.0], [713.0, 452.0, 738.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [535.0, 455.0, 560.0, 524.0, 1.0], [516.0, 459.0, 540.0, 526.0, 1.0], [715.0, 518.0, 770.0, 613.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [680.0, 523.0, 723.0, 596.0, 0.0], [569.0, 546.0, 670.0, 628.0, 0.0], [492.0, 458.0, 517.0, 540.0, 1.0], [531.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [567.0, 459.0, 585.0, 514.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [586.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [79108.47857419324], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 4], [3, 6], [4, 1], [6, 0]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 54}, {"time_since_observed": 1, "confidence": 1, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 399, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.8598], [611.94, 408.29, 724.08, 746.7, 1.7946], [130.96, 416.87, 259.92, 805.75, 1.637], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.4979], [454.06, 434.36, 551.552, 728.83, 1.4968], [718.81, 454.91, 770.5899999999999, 612.25, 0.69782], [936.71, 260.92, 1195.63, 1039.68, 0.578]], "trackers": [[973.9277062918054, 288.57569960888776, 1217.8503310262436, 1022.3525229255504, 0.0], [1066.8718997869878, 394.1671744348729, 1262.7590298962823, 983.8360784799833, 0.0], [962.2508077773481, 412.67620760758984, 1132.4288200495907, 925.2166834160397, 0.0], [615.0728166515603, 390.8454019758982, 734.1248758524202, 749.9921216532706, 0.0], [461.7580647248753, 431.62875854613173, 560.3024961066485, 729.2607946696247, 0.0], [353.9798493450879, 436.6922637238417, 474.21095000455466, 799.3708135960185, 0.0], [141.29300487711296, 417.28050001561076, 270.07871718775993, 805.635190709255, 0.0], [713.1151463680005, 458.434790822874, 764.4288536319998, 614.5052091771263, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 395.0, 1272.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1077.0, 462.0, 1119.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [681.0, 487.0, 728.0, 579.0, 0.0], [583.0, 496.0, 642.0, 600.0, 0.0], [715.0, 471.0, 771.0, 591.0, 0.0], [938.0, 449.0, 964.0, 521.0, 1.0], [1101.0, 436.0, 1139.0, 547.0, 1.0], [990.0, 445.0, 1026.0, 550.0, 1.0], [1075.0, 405.0, 1292.0, 1010.0, 1.0], [978.0, 422.0, 1109.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [465.0, 455.0, 499.0, 563.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [619.0, 407.0, 734.0, 745.0, 1.0], [441.0, 436.0, 558.0, 730.0, 1.0], [318.0, 451.0, 483.0, 795.0, 1.0], [115.0, 439.0, 312.0, 797.0, 1.0], [1085.0, 434.0, 1180.0, 707.0, 1.0], [910.0, 440.0, 968.0, 618.0, 1.0], [1246.0, 446.0, 1281.0, 542.0, 1.0], [965.0, 454.0, 989.0, 532.0, 1.0], [937.0, 450.0, 963.0, 526.0, 1.0], [623.0, 456.0, 651.0, 528.0, 1.0], [713.0, 452.0, 739.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [536.0, 455.0, 560.0, 524.0, 1.0], [516.0, 459.0, 540.0, 526.0, 1.0], [714.0, 518.0, 769.0, 613.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [677.0, 523.0, 722.0, 597.0, 0.0], [564.0, 546.0, 668.0, 629.0, 0.0], [492.0, 458.0, 517.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [567.0, 459.0, 585.0, 514.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [586.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [69428.98777292835], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 6], [3, 1], [4, 4], [5, 7], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 55}, {"time_since_observed": 2, "confidence": 0.9420828958213678, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 400, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[634.57, 408.29, 746.71, 746.7, 1.9572], [961.31, 412.56, 1131.79, 926.01, 1.746], [146.51, 437.53, 266.77, 800.3, 1.2524], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.2146], [454.06, 434.36, 551.552, 728.83, 0.9393], [381.02, 444.35, 485.58, 760.03, 0.78814], [936.71, 260.92, 1195.63, 1039.68, 0.47273]], "trackers": [[948.2622492668219, 271.33932812695514, 1201.596006669574, 1033.3469512680367, 0.0], [1057.9111100802006, 386.0309966230162, 1262.6950875696689, 1002.3892272168263, 0.0], [962.173732149078, 412.7037887871975, 1132.35490010218, 925.253769153901, 0.0], [617.2463876672786, 401.8140588009411, 731.9269543698757, 747.8459017142942, 0.0], [463.8724991037069, 433.02155426123676, 561.6882367530899, 728.4630253428215, 0.0], [361.7731474495343, 436.5150846359825, 481.97188170482406, 799.0960008637271, 0.0], [140.90831180922436, 417.21067879642897, 269.72173564540464, 805.6487751863706, 0.0], [715.9971773422578, 447.28463106969633, 770.9288226577419, 614.2538304687654, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 397.0, 1272.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1078.0, 462.0, 1120.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [680.0, 487.0, 727.0, 578.0, 0.0], [580.0, 496.0, 639.0, 600.0, 0.0], [715.0, 471.0, 771.0, 591.0, 0.0], [937.0, 449.0, 964.0, 521.0, 1.0], [1100.0, 436.0, 1139.0, 547.0, 1.0], [991.0, 445.0, 1026.0, 550.0, 1.0], [1075.0, 405.0, 1291.0, 1010.0, 1.0], [978.0, 422.0, 1109.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [464.0, 455.0, 498.0, 563.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [625.0, 407.0, 746.0, 746.0, 1.0], [453.0, 436.0, 565.0, 730.0, 1.0], [329.0, 450.0, 484.0, 791.0, 1.0], [122.0, 440.0, 323.0, 797.0, 1.0], [1086.0, 434.0, 1181.0, 707.0, 1.0], [906.0, 439.0, 964.0, 617.0, 1.0], [1245.0, 446.0, 1280.0, 542.0, 1.0], [965.0, 454.0, 990.0, 532.0, 1.0], [939.0, 450.0, 965.0, 526.0, 1.0], [623.0, 456.0, 651.0, 528.0, 1.0], [714.0, 452.0, 739.0, 521.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [537.0, 455.0, 561.0, 525.0, 1.0], [516.0, 459.0, 540.0, 526.0, 1.0], [713.0, 518.0, 768.0, 614.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [674.0, 523.0, 721.0, 597.0, 0.0], [559.0, 546.0, 666.0, 630.0, 0.0], [491.0, 458.0, 516.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [583.0, 459.0, 603.0, 511.0, 1.0], [568.0, 459.0, 585.0, 514.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [586.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72232.56913762414], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 6], [3, 1], [4, 4], [5, 5], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 56}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 1, "confidence": 0.02539544958597515, "age": 3}], "frame_count": 401, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.6919], [607.29, 389.02, 727.55, 751.79, 1.3764], [465.47, 423.24, 570.03, 738.9200000000001, 1.361], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.3127], [130.96, 416.87, 259.92, 805.75, 1.0924], [385.67, 430.92, 497.81, 769.33, 1.0418], [936.71, 260.92, 1195.63, 1039.68, 0.51824]], "trackers": [[938.7216703166225, 264.88159997173625, 1195.5594426829186, 1037.3980016830428, 0.0], [1054.7756966246197, 383.06803670410284, 1262.8585614179547, 1009.3193966952289, 0.0], [962.1038845557821, 412.72832447362265, 1132.2881894388559, 925.2877527335957, 0.0], [633.8204231920778, 406.0702410829078, 746.7895123094405, 746.9653099715008, 0.0], [464.0284460982211, 433.5931055885615, 561.5661727444444, 728.1987971121598, 0.0], [386.42628385145133, 441.53885313173146, 493.6561831520021, 765.2201978710702, 0.0], [151.3842607253946, 431.9666040695347, 274.09307687922865, 802.0749106388428, 0.0], [713.7072185850885, 439.66495139398467, 771.656781414911, 615.8073562983232, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 400.0, 1273.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1078.0, 461.0, 1120.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [679.0, 487.0, 727.0, 578.0, 0.0], [577.0, 497.0, 637.0, 601.0, 0.0], [715.0, 471.0, 771.0, 591.0, 0.0], [937.0, 449.0, 963.0, 521.0, 1.0], [1100.0, 436.0, 1139.0, 547.0, 1.0], [991.0, 445.0, 1026.0, 550.0, 1.0], [1075.0, 405.0, 1290.0, 1010.0, 1.0], [979.0, 422.0, 1110.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [464.0, 456.0, 498.0, 564.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [631.0, 408.0, 759.0, 747.0, 1.0], [464.0, 435.0, 572.0, 730.0, 1.0], [340.0, 449.0, 486.0, 788.0, 1.0], [129.0, 440.0, 334.0, 797.0, 1.0], [1088.0, 435.0, 1183.0, 708.0, 1.0], [903.0, 439.0, 960.0, 616.0, 1.0], [1245.0, 446.0, 1280.0, 542.0, 1.0], [966.0, 454.0, 991.0, 532.0, 1.0], [940.0, 450.0, 966.0, 526.0, 1.0], [623.0, 456.0, 651.0, 528.0, 1.0], [715.0, 452.0, 740.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [537.0, 455.0, 561.0, 525.0, 1.0], [516.0, 459.0, 540.0, 526.0, 1.0], [712.0, 519.0, 767.0, 615.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [671.0, 524.0, 720.0, 598.0, 0.0], [555.0, 546.0, 664.0, 631.0, 0.0], [491.0, 458.0, 516.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 511.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [551.0, 457.0, 569.0, 513.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [71691.26989302562], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 4], [3, 1], [4, 6], [5, 5], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 57}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 2, "confidence": 0.021356942153272582, "age": 4}], "frame_count": 402, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[465.47, 423.24, 570.03, 738.9200000000001, 2.0066], [961.31, 412.56, 1131.79, 926.01, 1.7597], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.4194], [634.57, 408.29, 746.71, 746.7, 1.2639], [385.67, 430.92, 497.81, 769.33, 1.0012], [936.71, 260.92, 1195.63, 1039.68, 0.60777], [130.96, 416.87, 259.92, 805.75, 0.51735]], "trackers": [[935.2993622094083, 262.4269084290158, 1193.4627580743447, 1038.918611130429, 0.0], [1053.804177329384, 381.9466011926214, 1263.1336840797144, 1011.9361105207244, 0.0], [962.0405790657608, 412.7501144453402, 1132.2279912664474, 925.3189013393185, 0.0], [620.4978191510465, 394.863381952725, 738.0009471210255, 749.3641953192953, 0.0], [471.8559489417215, 426.6225620623403, 573.8561996200598, 734.6250002680068, 0.0], [394.8103341130604, 433.5187366051455, 504.917197901595, 765.8259372919063, 0.0], [143.33168320390672, 422.6224584958786, 269.89726818935833, 804.3131223412536, 0.0], [711.4920456967483, 432.27258944329327, 772.3099543032512, 617.1335644028607, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 402.0, 1273.0, 917.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1079.0, 461.0, 1121.0, 590.0, 1.0], [1084.0, 484.0, 1127.0, 595.0, 1.0], [676.0, 487.0, 724.0, 578.0, 0.0], [571.0, 497.0, 631.0, 601.0, 0.0], [713.0, 470.0, 769.0, 591.0, 0.0], [937.0, 449.0, 963.0, 520.0, 1.0], [1100.0, 436.0, 1138.0, 547.0, 1.0], [991.0, 445.0, 1027.0, 550.0, 1.0], [1075.0, 405.0, 1287.0, 1009.0, 1.0], [979.0, 422.0, 1110.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [463.0, 455.0, 497.0, 564.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 460.0, 445.0, 543.0, 1.0], [638.0, 409.0, 772.0, 749.0, 1.0], [476.0, 435.0, 580.0, 730.0, 1.0], [351.0, 448.0, 487.0, 784.0, 1.0], [137.0, 441.0, 346.0, 797.0, 1.0], [1091.0, 435.0, 1187.0, 708.0, 1.0], [900.0, 438.0, 957.0, 615.0, 1.0], [1244.0, 446.0, 1279.0, 542.0, 1.0], [966.0, 454.0, 992.0, 532.0, 1.0], [942.0, 450.0, 968.0, 526.0, 1.0], [622.0, 456.0, 650.0, 528.0, 1.0], [715.0, 452.0, 740.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [537.0, 455.0, 561.0, 525.0, 1.0], [516.0, 459.0, 540.0, 526.0, 1.0], [710.0, 519.0, 765.0, 615.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [668.0, 524.0, 719.0, 598.0, 0.0], [550.0, 546.0, 660.0, 631.0, 0.0], [491.0, 458.0, 516.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [550.0, 456.0, 568.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [73597.77844403025], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 1], [3, 3], [4, 5], [5, 0], [6, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 58}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 3, "confidence": 0.02036811095423662, "age": 5}], "frame_count": 403, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[473.76, 434.36, 571.252, 728.83, 1.8329], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.6068], [961.31, 412.56, 1131.79, 926.01, 1.4395], [631.54, 389.02, 751.8, 751.79, 0.87194], [385.67, 430.92, 497.81, 769.33, 0.84805], [936.71, 260.92, 1195.63, 1039.68, 0.69676]], "trackers": [[934.1953201179088, 261.48687627444656, 1192.8629328619475, 1039.4905814880876, 0.0], [1058.7564698392418, 389.50866660021006, 1259.7821697748793, 994.5939807023317, 0.0], [961.9831931558391, 412.7694271896906, 1132.1736792375057, 925.3474719856465, 0.0], [634.2086246114804, 403.4254263117996, 748.2832150809438, 747.6387608376708, 0.0], [474.21745074355306, 424.07609646263535, 577.8701625109576, 737.0365347729735, 0.0], [397.1935477048484, 430.87813807678475, 508.2736805071523, 766.102212769214, 0.0], [139.7847949692881, 419.12395135099575, 267.7812213938327, 805.1102777282011, 0.0], [709.3415317299181, 425.07676353838275, 772.8984682700813, 618.2632364616173, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 405.0, 1273.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1079.0, 461.0, 1121.0, 590.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [673.0, 487.0, 721.0, 578.0, 0.0], [565.0, 497.0, 626.0, 602.0, 0.0], [711.0, 470.0, 767.0, 591.0, 0.0], [937.0, 449.0, 963.0, 520.0, 1.0], [1099.0, 436.0, 1138.0, 547.0, 1.0], [992.0, 445.0, 1027.0, 549.0, 1.0], [1075.0, 405.0, 1285.0, 1009.0, 1.0], [980.0, 422.0, 1110.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 430.0, 576.0, 1.0], [462.0, 455.0, 497.0, 564.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 445.0, 543.0, 1.0], [637.0, 410.0, 778.0, 748.0, 1.0], [479.0, 435.0, 593.0, 730.0, 1.0], [363.0, 448.0, 489.0, 781.0, 1.0], [149.0, 440.0, 349.0, 794.0, 1.0], [1095.0, 435.0, 1191.0, 708.0, 1.0], [897.0, 438.0, 953.0, 614.0, 1.0], [1243.0, 446.0, 1278.0, 542.0, 1.0], [967.0, 454.0, 994.0, 532.0, 1.0], [943.0, 450.0, 969.0, 526.0, 1.0], [622.0, 456.0, 650.0, 529.0, 1.0], [715.0, 452.0, 740.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [537.0, 455.0, 561.0, 525.0, 1.0], [517.0, 459.0, 541.0, 526.0, 1.0], [708.0, 519.0, 764.0, 616.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [665.0, 524.0, 718.0, 599.0, 0.0], [545.0, 547.0, 656.0, 632.0, 0.0], [490.0, 458.0, 515.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [550.0, 456.0, 568.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72592.88816971642], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 2], [3, 3], [4, 5], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 59}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 35}, {"time_since_observed": 1, "confidence": 1, "age": 16}], "frame_count": 404, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[473.76, 434.36, 571.252, 728.83, 1.7341], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.6479], [961.31, 412.56, 1131.79, 926.01, 1.5533], [631.35, 414.66, 728.842, 709.1300000000001, 1.1553], [402.13, 444.35, 506.69, 760.03, 0.92889], [936.71, 260.92, 1195.63, 1039.68, 0.62021], [894.78, 442.23, 950.3489999999999, 610.94, 0.6024], [719.99, 463.91, 768.236, 610.6500000000001, 0.39235]], "trackers": [[933.9594517708944, 261.12404862325246, 1192.8190468776565, 1039.7034439633485, 0.0], [1055.675416165745, 384.37298297579724, 1262.3552688271075, 1006.4170126604974, 0.0], [961.9311629722251, 412.78650449764086, 1132.12468835544, 925.3737030389218, 0.0], [637.1505822471073, 393.9230779606771, 755.0625401923443, 749.6503282426715, 0.0], [480.1392278880866, 430.20850976967495, 579.9545321684885, 731.6526373468423, 0.0], [397.3754795687703, 430.0070258161957, 508.8269537396769, 766.3440082437301, 0.0], [144.35198651038795, 419.2904360728843, 272.2857167324683, 805.0876956335934, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 407.0, 1274.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1080.0, 460.0, 1122.0, 590.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [670.0, 487.0, 718.0, 578.0, 0.0], [560.0, 498.0, 621.0, 603.0, 0.0], [709.0, 470.0, 766.0, 592.0, 0.0], [936.0, 449.0, 962.0, 520.0, 1.0], [1099.0, 436.0, 1138.0, 547.0, 1.0], [992.0, 444.0, 1027.0, 549.0, 1.0], [1075.0, 405.0, 1282.0, 1009.0, 1.0], [981.0, 422.0, 1111.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [461.0, 455.0, 496.0, 564.0, 1.0], [422.0, 456.0, 452.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 445.0, 543.0, 1.0], [637.0, 411.0, 785.0, 747.0, 1.0], [483.0, 436.0, 606.0, 730.0, 1.0], [374.0, 447.0, 490.0, 777.0, 1.0], [161.0, 439.0, 352.0, 792.0, 1.0], [1099.0, 435.0, 1195.0, 708.0, 1.0], [894.0, 438.0, 950.0, 614.0, 1.0], [1242.0, 446.0, 1277.0, 542.0, 1.0], [967.0, 454.0, 994.0, 532.0, 1.0], [945.0, 451.0, 971.0, 527.0, 1.0], [622.0, 456.0, 650.0, 529.0, 1.0], [715.0, 452.0, 740.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [538.0, 455.0, 562.0, 525.0, 1.0], [517.0, 459.0, 541.0, 526.0, 1.0], [707.0, 520.0, 763.0, 617.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [662.0, 525.0, 717.0, 599.0, 0.0], [540.0, 547.0, 652.0, 633.0, 0.0], [490.0, 458.0, 515.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [550.0, 456.0, 568.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [82317.24382200667], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 2], [3, 3], [4, 5], [5, 0]], "ret_unmatched_detections": [7, 6], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 60}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 36}, {"time_since_observed": 2, "confidence": 0.47967089502442956, "age": 17}], "frame_count": 405, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[719.99, 463.91, 768.236, 610.6500000000001, 0.39235], [894.78, 442.23, 950.3489999999999, 610.94, 0.6024]]}, "detections": [[486.58, 423.24, 591.14, 738.9200000000001, 1.518], [972.16, 381.02, 1182.28, 1013.38, 1.436], [631.54, 389.02, 751.8, 751.79, 1.093], [408.29, 430.92, 520.4300000000001, 769.33, 0.92951], [1087.1, 363.04, 1312.37, 1040.8600000000001, 0.63666], [894.78, 442.23, 950.3489999999999, 610.94, 0.5097]], "trackers": [[934.0383885328678, 260.9819685680206, 1192.97092182706, 1039.7800766070172, 0.0], [1054.6831779457343, 382.4613047185581, 1263.48282144939, 1010.8620282152945, 0.0], [961.8839782268, 412.80156462202507, 1132.0805082072384, 925.3978123824133, 0.0], [636.5943800016128, 405.24666484240424, 741.9908655034908, 723.4481961005938, 0.0], [481.8343831119526, 432.63358169324215, 580.1469169910285, 729.5656727104131, 0.0], [408.2228045749046, 438.57775540275645, 514.9432639650624, 760.725861996464, 0.0], [148.91919342171727, 419.45696714527327, 276.79019670087433, 805.0650671884853, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 410.0, 1274.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1080.0, 460.0, 1123.0, 590.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [667.0, 487.0, 715.0, 578.0, 0.0], [554.0, 498.0, 616.0, 604.0, 0.0], [707.0, 470.0, 764.0, 592.0, 0.0], [936.0, 449.0, 962.0, 520.0, 1.0], [1099.0, 436.0, 1137.0, 547.0, 1.0], [993.0, 444.0, 1028.0, 549.0, 1.0], [1075.0, 405.0, 1280.0, 1009.0, 1.0], [982.0, 422.0, 1111.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [461.0, 455.0, 496.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [637.0, 412.0, 792.0, 746.0, 1.0], [487.0, 436.0, 619.0, 731.0, 1.0], [385.0, 446.0, 492.0, 774.0, 1.0], [173.0, 438.0, 356.0, 790.0, 1.0], [1103.0, 435.0, 1199.0, 708.0, 1.0], [890.0, 438.0, 947.0, 614.0, 1.0], [1241.0, 446.0, 1276.0, 542.0, 1.0], [968.0, 454.0, 995.0, 532.0, 1.0], [946.0, 450.0, 972.0, 527.0, 1.0], [622.0, 456.0, 650.0, 530.0, 1.0], [716.0, 452.0, 740.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [538.0, 455.0, 562.0, 525.0, 1.0], [517.0, 459.0, 541.0, 526.0, 1.0], [705.0, 520.0, 762.0, 617.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [659.0, 525.0, 716.0, 600.0, 0.0], [535.0, 548.0, 648.0, 634.0, 0.0], [490.0, 458.0, 515.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [549.0, 456.0, 567.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [80932.21065984505], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 0], [2, 3], [3, 5], [4, 1]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 61}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 37}, {"time_since_observed": 3, "confidence": 0.3452426838842105, "age": 18}], "frame_count": 406, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[894.78, 442.23, 950.3489999999999, 610.94, 0.5097]]}, "detections": [[961.31, 412.56, 1131.79, 926.01, 1.5285], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.5036], [493.46, 434.36, 590.952, 728.83, 1.2867], [408.29, 430.92, 520.4300000000001, 769.33, 1.265], [631.54, 389.02, 751.8, 751.79, 1.0085], [883.47, 442.23, 939.039, 610.94, 0.92862], [219.26, 413.27, 339.52, 776.04, 0.63698]], "trackers": [[956.8046069080516, 338.4488962831636, 1186.3332510990024, 1029.0623671476508, 0.0], [1076.7323852560326, 370.6157276406696, 1295.994149977591, 1030.413058995178, 0.0], [962.1942144578181, 412.81940947880054, 1132.3030542240397, 925.1515527079268, 0.0], [637.2324489131487, 394.4945927599183, 752.0187540889309, 740.8643730114461, 0.0], [491.3221528033121, 426.39937893370274, 593.6025398689704, 735.2422228364703, 0.0], [416.27231213947834, 433.10386930882527, 526.1034299775123, 764.5827622990898, 0.0], [153.48641572590674, 419.6235446364077, 281.2946612764203, 805.0423923246316, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 412.0, 1274.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1081.0, 459.0, 1123.0, 590.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [664.0, 488.0, 712.0, 579.0, 0.0], [548.0, 499.0, 611.0, 605.0, 0.0], [705.0, 470.0, 762.0, 593.0, 0.0], [936.0, 449.0, 962.0, 520.0, 1.0], [1098.0, 436.0, 1137.0, 547.0, 1.0], [993.0, 444.0, 1028.0, 549.0, 1.0], [1075.0, 405.0, 1277.0, 1009.0, 1.0], [983.0, 422.0, 1112.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [460.0, 455.0, 495.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [638.0, 411.0, 792.0, 745.0, 1.0], [491.0, 437.0, 632.0, 731.0, 1.0], [397.0, 446.0, 494.0, 771.0, 1.0], [185.0, 437.0, 359.0, 788.0, 1.0], [1107.0, 436.0, 1203.0, 708.0, 1.0], [887.0, 438.0, 945.0, 614.0, 1.0], [1241.0, 446.0, 1276.0, 542.0, 1.0], [969.0, 454.0, 996.0, 532.0, 1.0], [947.0, 450.0, 973.0, 527.0, 1.0], [622.0, 456.0, 650.0, 531.0, 1.0], [716.0, 452.0, 741.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 478.0, 736.0, 536.0, 0.0], [538.0, 455.0, 562.0, 525.0, 1.0], [517.0, 459.0, 541.0, 526.0, 1.0], [703.0, 521.0, 760.0, 618.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [656.0, 525.0, 715.0, 600.0, 0.0], [530.0, 548.0, 644.0, 635.0, 0.0], [489.0, 458.0, 514.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 507.0, 1.0], [549.0, 456.0, 567.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1016.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [78192.80061670953], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 1], [2, 4], [3, 5], [4, 3], [6, 6]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 62}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 38}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 407, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[972.16, 381.02, 1182.28, 1013.38, 1.3852], [408.29, 430.92, 520.4300000000001, 769.33, 1.2331], [227.27, 430.92, 339.41, 769.33, 1.0274], [657.2, 408.29, 769.34, 746.7, 0.97126], [1087.1, 363.04, 1312.37, 1040.8600000000001, 0.79513], [498.3, 446.86, 583.042, 703.09, 0.73777]], "trackers": [[955.9794595133142, 341.45138362533146, 1185.3746288902273, 1031.6632509996725, 0.0], [1052.8767368814092, 366.2376339810328, 1276.004778793288, 1037.6342765352622, 0.0], [961.7831768848438, 412.67587444653543, 1132.0778932562675, 925.5678390220525, 0.0], [637.2129412720399, 390.72898503324836, 755.3913907635683, 747.2637048088429, 0.0], [498.97404749999555, 431.19204207824407, 598.251029318377, 731.0200280062919, 0.0], [418.6149963102522, 431.14249268013623, 529.6177555233958, 766.134683373529, 0.0], [220.80994622248204, 413.18849588203165, 341.6847833264884, 777.7928413479917, 0.0], [872.1600000000001, 442.23, 927.729, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1109.0, 415.0, 1275.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1081.0, 459.0, 1124.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [661.0, 488.0, 709.0, 579.0, 0.0], [543.0, 499.0, 606.0, 606.0, 0.0], [703.0, 470.0, 761.0, 593.0, 0.0], [936.0, 449.0, 962.0, 520.0, 1.0], [1098.0, 436.0, 1137.0, 547.0, 1.0], [993.0, 444.0, 1028.0, 548.0, 1.0], [1075.0, 405.0, 1275.0, 1009.0, 1.0], [983.0, 422.0, 1112.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [459.0, 455.0, 495.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [639.0, 410.0, 793.0, 745.0, 1.0], [495.0, 438.0, 645.0, 732.0, 1.0], [405.0, 445.0, 505.0, 770.0, 1.0], [197.0, 436.0, 363.0, 785.0, 1.0], [1111.0, 436.0, 1207.0, 708.0, 1.0], [883.0, 438.0, 942.0, 614.0, 1.0], [1240.0, 446.0, 1275.0, 542.0, 1.0], [970.0, 454.0, 997.0, 532.0, 1.0], [948.0, 450.0, 974.0, 527.0, 1.0], [622.0, 456.0, 650.0, 531.0, 1.0], [716.0, 452.0, 741.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [538.0, 455.0, 563.0, 525.0, 1.0], [517.0, 459.0, 541.0, 526.0, 1.0], [702.0, 521.0, 759.0, 619.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [653.0, 526.0, 714.0, 601.0, 0.0], [525.0, 549.0, 640.0, 636.0, 0.0], [489.0, 458.0, 514.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 506.0, 1.0], [549.0, 456.0, 567.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [69751.72628452843], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 5], [2, 6], [3, 3], [4, 1], [5, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 63}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 39}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 20}, {"time_since_observed": 1, "confidence": 0.013440593501238503, "age": 2}], "frame_count": 408, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[423.24, 444.35, 527.8, 760.03, 1.7631], [961.31, 412.56, 1131.79, 926.01, 1.4527], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.4312], [655.48, 402.13, 760.04, 717.81, 1.2467], [227.27, 430.92, 339.41, 769.33, 1.1091], [936.71, 260.92, 1195.63, 1039.68, 0.76423], [513.16, 434.36, 610.6519999999999, 728.83, 0.48821]], "trackers": [[967.6425106760412, 374.40853144254567, 1182.876529596383, 1022.1185154366594, 0.0], [1076.133669081465, 364.54484242018697, 1300.7197697567076, 1040.315357519774, 0.0], [962.024016571086, 412.6455825514892, 1132.2763200036475, 925.4098082517203, 0.0], [654.8131470226672, 402.0630922186207, 769.16244539778, 747.104046351773, 0.0], [504.1484306376681, 440.1320501296567, 594.4031913760256, 712.9088345163685, 0.0], [418.8291636211736, 430.4830115589761, 530.2829843318049, 766.827702198221, 0.0], [234.90267212603305, 425.2233610693937, 349.20842731327264, 770.1136942260069, 0.0], [860.8500000000001, 442.23, 916.4190000000001, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 414.0, 1274.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1082.0, 458.0, 1124.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [658.0, 488.0, 706.0, 579.0, 0.0], [537.0, 499.0, 601.0, 607.0, 0.0], [701.0, 470.0, 759.0, 594.0, 0.0], [935.0, 449.0, 961.0, 520.0, 1.0], [1098.0, 436.0, 1136.0, 547.0, 1.0], [994.0, 444.0, 1029.0, 548.0, 1.0], [1075.0, 405.0, 1272.0, 1009.0, 1.0], [984.0, 422.0, 1113.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [458.0, 455.0, 494.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [640.0, 410.0, 793.0, 744.0, 1.0], [496.0, 438.0, 645.0, 731.0, 1.0], [413.0, 444.0, 517.0, 770.0, 1.0], [209.0, 435.0, 366.0, 783.0, 1.0], [1115.0, 436.0, 1211.0, 708.0, 1.0], [880.0, 438.0, 940.0, 614.0, 1.0], [1239.0, 446.0, 1274.0, 542.0, 1.0], [971.0, 454.0, 998.0, 532.0, 1.0], [949.0, 449.0, 975.0, 527.0, 1.0], [622.0, 456.0, 650.0, 532.0, 1.0], [716.0, 452.0, 741.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [539.0, 455.0, 563.0, 525.0, 1.0], [518.0, 459.0, 542.0, 526.0, 1.0], [700.0, 522.0, 758.0, 619.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [650.0, 526.0, 713.0, 601.0, 0.0], [520.0, 549.0, 636.0, 637.0, 0.0], [489.0, 458.0, 514.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 606.0, 506.0, 1.0], [549.0, 456.0, 567.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [66104.58371025113], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 1], [3, 3], [4, 6], [5, 0], [6, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 64}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 40}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 21}, {"time_since_observed": 2, "confidence": 0.014182142090316447, "age": 3}], "frame_count": 409, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[423.24, 444.35, 527.8, 760.03, 1.5797], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.5354], [657.2, 408.29, 769.34, 746.7, 1.4059], [961.31, 412.56, 1131.79, 926.01, 1.3584], [243.51, 413.27, 363.77, 776.04, 1.0585], [936.71, 260.92, 1195.63, 1039.68, 0.63147]], "trackers": [[946.2077774874655, 299.9140684992342, 1190.178400231968, 1033.8541518227578, 0.0], [1062.4400344400428, 374.573351963746, 1278.1832075428765, 1023.8103472828648, 0.0], [961.6734318356805, 412.57709512547706, 1132.0529200742633, 925.724374783388, 0.0], [659.5048125687711, 400.98087381450114, 767.6634895933348, 727.4555573584103, 0.0], [516.7559406698111, 436.4650450041469, 611.4788583240241, 722.6378927144987, 0.0], [428.66542474201793, 439.05919478747626, 535.4422509351324, 761.3776703908919, 0.0], [239.15257233146238, 429.41438735847964, 351.1861580442705, 767.482743097695, 0.0], [849.5400000000002, 442.23, 905.1090000000002, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1107.0, 414.0, 1273.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1082.0, 458.0, 1125.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [655.0, 488.0, 703.0, 579.0, 0.0], [532.0, 500.0, 596.0, 608.0, 0.0], [699.0, 470.0, 757.0, 594.0, 0.0], [935.0, 449.0, 961.0, 520.0, 1.0], [1097.0, 436.0, 1136.0, 547.0, 1.0], [994.0, 444.0, 1029.0, 548.0, 1.0], [1075.0, 405.0, 1270.0, 1009.0, 1.0], [985.0, 422.0, 1113.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [458.0, 455.0, 494.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [642.0, 409.0, 794.0, 744.0, 1.0], [498.0, 438.0, 646.0, 731.0, 1.0], [421.0, 443.0, 529.0, 770.0, 1.0], [221.0, 434.0, 369.0, 781.0, 1.0], [1119.0, 436.0, 1215.0, 708.0, 1.0], [877.0, 439.0, 938.0, 615.0, 1.0], [1238.0, 446.0, 1273.0, 542.0, 1.0], [972.0, 454.0, 999.0, 532.0, 1.0], [950.0, 449.0, 976.0, 527.0, 1.0], [622.0, 456.0, 650.0, 532.0, 1.0], [717.0, 452.0, 741.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [539.0, 455.0, 563.0, 525.0, 1.0], [518.0, 459.0, 542.0, 526.0, 1.0], [699.0, 522.0, 757.0, 620.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [647.0, 526.0, 712.0, 602.0, 0.0], [515.0, 550.0, 632.0, 638.0, 0.0], [488.0, 458.0, 513.0, 540.0, 1.0], [530.0, 460.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [596.0, 456.0, 614.0, 509.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [548.0, 456.0, 566.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [68830.30455513985], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 3], [3, 2], [4, 6], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 41}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 22}, {"time_since_observed": 3, "confidence": 0.013620520860095367, "age": 4}], "frame_count": 410, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[249.9, 430.92, 362.04, 769.33, 2.0107], [430.92, 430.92, 543.0600000000001, 769.33, 1.5113], [657.2, 408.29, 769.34, 746.7, 1.2906], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1309], [578.0, 555.37, 633.569, 724.08, 0.46153]], "trackers": [[939.0034010656947, 274.4555257179373, 1192.5123534365596, 1036.9972886371334, 0.0], [1057.3811558773032, 378.54592918335055, 1269.6499931014405, 1017.3555882179512, 0.0], [961.6129418672463, 412.56147381247933, 1132.0165861765968, 925.7815064886217, 0.0], [662.4666130657008, 406.0980557639471, 772.9684124923817, 739.5953259772189, 0.0], [523.379478213839, 436.2717064558918, 618.0432339867219, 722.2658168081109, 0.0], [431.79425620506674, 442.4576400844313, 536.7448586287537, 759.2964907904051, 0.0], [251.70225751452693, 418.7772724719408, 368.45664884222964, 771.0176287475475, 0.0], [838.2300000000002, 442.23, 893.7990000000002, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1106.0, 414.0, 1273.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1083.0, 457.0, 1126.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [652.0, 488.0, 700.0, 579.0, 0.0], [526.0, 500.0, 590.0, 609.0, 0.0], [697.0, 470.0, 756.0, 595.0, 0.0], [935.0, 449.0, 961.0, 520.0, 1.0], [1097.0, 436.0, 1136.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 548.0, 1.0], [1075.0, 405.0, 1267.0, 1009.0, 1.0], [986.0, 422.0, 1114.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 464.0, 431.0, 576.0, 1.0], [457.0, 455.0, 493.0, 564.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [643.0, 409.0, 794.0, 743.0, 1.0], [500.0, 438.0, 647.0, 731.0, 1.0], [430.0, 442.0, 541.0, 770.0, 1.0], [233.0, 433.0, 373.0, 779.0, 1.0], [1123.0, 436.0, 1219.0, 708.0, 1.0], [877.0, 438.0, 938.0, 614.0, 1.0], [1237.0, 446.0, 1272.0, 542.0, 1.0], [973.0, 454.0, 1000.0, 532.0, 1.0], [951.0, 449.0, 977.0, 527.0, 1.0], [622.0, 456.0, 650.0, 533.0, 1.0], [717.0, 452.0, 742.0, 522.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [539.0, 455.0, 564.0, 526.0, 1.0], [518.0, 459.0, 542.0, 526.0, 1.0], [697.0, 523.0, 756.0, 621.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [644.0, 526.0, 711.0, 602.0, 0.0], [510.0, 550.0, 628.0, 639.0, 0.0], [488.0, 458.0, 513.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [584.0, 459.0, 603.0, 510.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [548.0, 456.0, 566.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [70505.43982577862], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 3], [3, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 1, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 2, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 42}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 23}], "frame_count": 411, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[578.0, 555.37, 633.569, 724.08, 0.46153]]}, "detections": [[430.92, 430.92, 543.0600000000001, 769.33, 1.7958], [243.51, 413.27, 363.77, 776.04, 1.4891], [1064.7, 434.36, 1260.68, 1024.31, 1.2348], [961.31, 412.56, 1131.79, 926.01, 1.0365], [670.74, 414.66, 768.232, 709.1300000000001, 0.96871], [971.06, 292.02, 1212.57, 1018.56, 0.7526]], "trackers": [[937.8662505686547, 274.0777823035364, 1191.4288526156838, 1036.7809206623756, 0.0], [1045.7121521308197, 369.0611693026584, 1266.2392368992535, 1032.6534141064117, 0.0], [961.7840796942434, 412.5224991467685, 1132.1677294816839, 925.6823125169828, 0.0], [663.1970537828937, 408.0420284253147, 774.5827342537576, 744.187596923566, 0.0], [529.9882322223873, 436.0337045193861, 624.6223931848992, 721.9384042899736, 0.0], [438.0821261446592, 434.8975768198642, 547.2963248904894, 764.5277767129195, 0.0], [259.962538166579, 426.95248701319963, 373.04882492197527, 768.1831047922791, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1105.0, 413.0, 1272.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1083.0, 457.0, 1126.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [650.0, 489.0, 698.0, 580.0, 0.0], [520.0, 501.0, 585.0, 610.0, 0.0], [695.0, 470.0, 754.0, 595.0, 0.0], [935.0, 450.0, 961.0, 520.0, 1.0], [1097.0, 436.0, 1135.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1075.0, 405.0, 1265.0, 1009.0, 1.0], [987.0, 422.0, 1114.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 465.0, 432.0, 577.0, 1.0], [456.0, 455.0, 493.0, 565.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [644.0, 408.0, 795.0, 743.0, 1.0], [510.0, 437.0, 649.0, 728.0, 1.0], [431.0, 442.0, 558.0, 769.0, 1.0], [245.0, 432.0, 376.0, 776.0, 1.0], [1127.0, 437.0, 1223.0, 709.0, 1.0], [877.0, 437.0, 938.0, 613.0, 1.0], [1236.0, 446.0, 1271.0, 542.0, 1.0], [974.0, 454.0, 1001.0, 532.0, 1.0], [953.0, 449.0, 978.0, 528.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [717.0, 452.0, 742.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [539.0, 455.0, 564.0, 526.0, 1.0], [518.0, 459.0, 542.0, 526.0, 1.0], [695.0, 523.0, 754.0, 621.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [641.0, 527.0, 710.0, 603.0, 0.0], [505.0, 551.0, 625.0, 640.0, 0.0], [488.0, 458.0, 513.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 603.0, 510.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [548.0, 456.0, 566.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [80893.43620251135], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 1], [3, 2], [4, 3], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 0, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 3, "confidence": 0.7358319268654658, "age": 67}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 43}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 24}], "frame_count": 412, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[430.92, 430.92, 543.0600000000001, 769.33, 1.4068], [249.9, 430.92, 362.04, 769.33, 1.2132], [1056.6, 423.24, 1266.7199999999998, 1055.6, 1.1363], [961.31, 412.56, 1131.79, 926.01, 0.98841], [676.59, 402.13, 781.1500000000001, 717.81, 0.8987], [936.71, 260.92, 1195.63, 1039.68, 0.44373], [552.38, 442.1, 643.276, 716.79, 0.43288]], "trackers": [[963.865058253779, 286.804642772858, 1208.6684091575937, 1023.2267733825304, 0.0], [1056.3082641927472, 412.1015072299712, 1261.851160945017, 1030.7489785667146, 0.0], [961.5630736146572, 412.52934532473347, 1131.9978226303197, 925.843058851774, 0.0], [672.0523791720182, 411.21073423729024, 774.7291187069304, 721.2389593171307, 0.0], [536.5969908599556, 435.7957165678784, 631.2015477540566, 721.6109777868385, 0.0], [439.8722271816457, 432.1335560229659, 550.6766861973947, 766.5324231279603, 0.0], [257.83952310136465, 417.9862567391958, 375.01373290654965, 771.4875767330559, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1104.0, 413.0, 1271.0, 911.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1084.0, 457.0, 1127.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [647.0, 489.0, 695.0, 580.0, 0.0], [515.0, 501.0, 580.0, 611.0, 0.0], [693.0, 469.0, 752.0, 595.0, 0.0], [934.0, 450.0, 960.0, 520.0, 1.0], [1096.0, 436.0, 1135.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1072.0, 404.0, 1263.0, 1009.0, 1.0], [988.0, 422.0, 1115.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 431.0, 577.0, 1.0], [455.0, 455.0, 492.0, 565.0, 1.0], [421.0, 456.0, 451.0, 564.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [646.0, 408.0, 796.0, 743.0, 1.0], [520.0, 436.0, 651.0, 726.0, 1.0], [433.0, 442.0, 575.0, 769.0, 1.0], [257.0, 431.0, 380.0, 774.0, 1.0], [1133.0, 436.0, 1230.0, 710.0, 1.0], [878.0, 437.0, 938.0, 612.0, 1.0], [1235.0, 446.0, 1270.0, 542.0, 1.0], [975.0, 454.0, 1002.0, 532.0, 1.0], [954.0, 449.0, 979.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [717.0, 452.0, 742.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [540.0, 455.0, 564.0, 526.0, 1.0], [518.0, 459.0, 542.0, 526.0, 1.0], [694.0, 523.0, 753.0, 622.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [638.0, 527.0, 709.0, 603.0, 0.0], [498.0, 551.0, 620.0, 641.0, 0.0], [487.0, 458.0, 512.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 603.0, 510.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [547.0, 456.0, 565.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [76038.56133826834], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 1], [3, 2], [4, 3], [5, 0], [6, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 68}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 44}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 25}], "frame_count": 413, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1056.6, 381.02, 1266.7199999999998, 1013.38, 1.3894], [272.53, 430.92, 384.66999999999996, 769.33, 1.2266], [676.59, 402.13, 781.1500000000001, 717.81, 1.1532], [430.92, 430.92, 543.0600000000001, 769.33, 0.99236], [552.55, 434.36, 650.0419999999999, 728.83, 0.82126], [961.31, 412.56, 1131.79, 926.01, 0.76157], [872.16, 442.23, 927.7289999999999, 610.94, 0.75772], [936.71, 260.92, 1195.63, 1039.68, 0.46792]], "trackers": [[945.3832442049936, 269.3641951550907, 1199.3237140632584, 1033.193263744068, 0.0], [1055.452929588072, 422.6542360075616, 1263.8197130962517, 1049.7620391274047, 0.0], [961.5232233628197, 412.5294568271817, 1131.9678390115446, 925.8728865833823, 0.0], [679.6012391074794, 404.7647907002216, 783.2046661510772, 717.5698890829543, 0.0], [557.9442956781951, 440.9619245179549, 649.3843617735675, 717.2819793247788, 0.0], [439.97745466843696, 431.13910465905263, 551.388537421803, 767.3567876377231, 0.0], [260.63203918650424, 426.68558036682947, 373.9562883860541, 768.6321570887212, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1103.0, 413.0, 1271.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1084.0, 456.0, 1127.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [644.0, 489.0, 692.0, 580.0, 0.0], [509.0, 502.0, 575.0, 612.0, 0.0], [691.0, 469.0, 751.0, 596.0, 0.0], [934.0, 450.0, 960.0, 520.0, 1.0], [1096.0, 436.0, 1134.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1070.0, 404.0, 1261.0, 1009.0, 1.0], [988.0, 422.0, 1116.0, 937.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 431.0, 577.0, 1.0], [455.0, 455.0, 492.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [653.0, 407.0, 798.0, 741.0, 1.0], [531.0, 436.0, 653.0, 724.0, 1.0], [435.0, 442.0, 593.0, 769.0, 1.0], [269.0, 430.0, 383.0, 772.0, 1.0], [1139.0, 436.0, 1237.0, 712.0, 1.0], [875.0, 436.0, 935.0, 611.0, 1.0], [1234.0, 446.0, 1269.0, 542.0, 1.0], [976.0, 453.0, 1003.0, 531.0, 1.0], [955.0, 449.0, 980.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [718.0, 452.0, 742.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [540.0, 455.0, 564.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [692.0, 524.0, 752.0, 623.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [635.0, 527.0, 708.0, 604.0, 0.0], [492.0, 552.0, 616.0, 642.0, 0.0], [487.0, 458.0, 512.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 603.0, 510.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [547.0, 456.0, 565.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [78002.25591963742], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 6], [2, 3], [3, 5], [4, 4], [5, 2], [7, 0]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 413}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 69}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 45}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 26}], "frame_count": 414, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[872.16, 442.23, 927.7289999999999, 610.94, 0.75772]]}, "detections": [[272.53, 430.92, 384.66999999999996, 769.33, 1.7644], [679.82, 408.29, 791.96, 746.7, 1.318], [570.75, 442.1, 661.646, 716.79, 1.2338], [1056.6, 381.02, 1266.7199999999998, 1013.38, 1.2235], [872.16, 442.23, 927.7289999999999, 610.94, 1.0282], [961.31, 412.56, 1131.79, 926.01, 0.66346], [434.36, 454.06, 531.852, 748.53, 0.62246], [936.71, 260.92, 1195.63, 1039.68, 0.4031]], "trackers": [[938.8859943952363, 263.2740163611779, 1196.0319565938144, 1036.715938206162, 0.0], [1055.2308578954123, 396.31676042257527, 1264.6665239993615, 1026.6265128681212, 0.0], [961.501131380159, 412.5331663144548, 1131.94909641837, 925.8866837292194, 0.0], [682.0549700119021, 402.4073565140528, 786.0133762327326, 716.2760943008878, 0.0], [561.7755483606647, 436.58976306960426, 657.1938283886457, 724.8441112743108, 0.0], [439.48871446033735, 430.80742662443333, 551.1358334733466, 767.7328581144812, 0.0], [277.1403119228878, 430.0490668501611, 388.9960232766082, 767.5871352925067, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1105.0, 412.0, 1274.0, 912.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1085.0, 456.0, 1128.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [641.0, 489.0, 689.0, 580.0, 0.0], [503.0, 502.0, 570.0, 613.0, 0.0], [689.0, 469.0, 749.0, 596.0, 0.0], [933.0, 450.0, 959.0, 520.0, 1.0], [1096.0, 436.0, 1134.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1068.0, 403.0, 1259.0, 1009.0, 1.0], [988.0, 422.0, 1118.0, 938.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 431.0, 577.0, 1.0], [454.0, 455.0, 491.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 460.0, 446.0, 543.0, 1.0], [660.0, 407.0, 800.0, 739.0, 1.0], [541.0, 435.0, 655.0, 721.0, 1.0], [437.0, 442.0, 594.0, 769.0, 1.0], [282.0, 430.0, 387.0, 770.0, 1.0], [1145.0, 436.0, 1244.0, 714.0, 1.0], [873.0, 436.0, 932.0, 610.0, 1.0], [1233.0, 446.0, 1268.0, 542.0, 1.0], [977.0, 453.0, 1004.0, 531.0, 1.0], [957.0, 449.0, 982.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [718.0, 452.0, 743.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [540.0, 455.0, 565.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [691.0, 524.0, 751.0, 623.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [632.0, 528.0, 707.0, 604.0, 0.0], [486.0, 552.0, 611.0, 643.0, 0.0], [486.0, 458.0, 511.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 603.0, 510.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [587.0, 454.0, 607.0, 506.0, 1.0], [547.0, 456.0, 565.0, 512.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [79129.03068616423], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [2, 4], [3, 1], [5, 2], [6, 5], [7, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 70}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 46}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 27}], "frame_count": 415, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[872.16, 442.23, 927.7289999999999, 610.94, 1.0282]]}, "detections": [[272.53, 430.92, 384.66999999999996, 769.33, 1.5459], [680.04, 389.02, 800.3, 751.79, 1.1476], [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.99078], [570.75, 442.1, 661.646, 716.79, 0.93738], [872.16, 442.23, 927.7289999999999, 610.94, 0.8402], [444.35, 444.35, 548.9100000000001, 760.03, 0.39837]], "trackers": [[936.5218513759376, 261.04519754854107, 1194.8704937527511, 1038.0935128402602, 0.0], [1055.2365522258492, 386.28222678734187, 1265.0792520985942, 1017.811233822049, 0.0], [961.4833762391172, 412.53836274964175, 1131.9327454662143, 925.8961092867894, 0.0], [685.159391932105, 406.78113634332135, 794.1215723682029, 735.6608026665072, 0.0], [575.4411793814907, 439.91255365272156, 667.9800912037845, 719.5300405862633, 0.0], [440.6590732211066, 445.35881973924825, 543.1966402290045, 754.9636162917734, 0.0], [282.6035317734987, 431.3311156346609, 393.92448522394415, 767.2641114786315, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1108.0, 412.0, 1277.0, 913.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1086.0, 455.0, 1128.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [638.0, 489.0, 686.0, 580.0, 0.0], [498.0, 502.0, 565.0, 614.0, 0.0], [687.0, 469.0, 747.0, 597.0, 0.0], [933.0, 450.0, 959.0, 520.0, 1.0], [1095.0, 436.0, 1134.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1066.0, 403.0, 1257.0, 1010.0, 1.0], [988.0, 422.0, 1119.0, 938.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 431.0, 577.0, 1.0], [453.0, 455.0, 491.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 459.0, 446.0, 542.0, 1.0], [667.0, 406.0, 802.0, 737.0, 1.0], [551.0, 434.0, 657.0, 719.0, 1.0], [440.0, 442.0, 595.0, 769.0, 1.0], [284.0, 430.0, 403.0, 769.0, 1.0], [1151.0, 436.0, 1251.0, 716.0, 1.0], [871.0, 436.0, 929.0, 610.0, 1.0], [1232.0, 446.0, 1267.0, 542.0, 1.0], [978.0, 453.0, 1005.0, 531.0, 1.0], [958.0, 449.0, 983.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [718.0, 452.0, 743.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 737.0, 536.0, 0.0], [541.0, 455.0, 565.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [689.0, 525.0, 749.0, 624.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [629.0, 528.0, 706.0, 605.0, 0.0], [480.0, 553.0, 607.0, 644.0, 0.0], [486.0, 458.0, 511.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 508.0, 1.0], [588.0, 454.0, 607.0, 506.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [78803.72582318498], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [2, 1], [3, 4], [5, 5]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 415}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 71}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 47}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 416, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[697.7, 402.13, 802.26, 717.81, 1.4638], [275.46, 444.35, 380.02, 760.03, 1.4621], [860.84, 442.23, 916.409, 610.94, 1.2328], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1849], [570.75, 442.1, 661.646, 716.79, 1.1168], [465.47, 444.35, 570.03, 760.03, 0.5623]], "trackers": [[935.5765767938362, 260.34699748854763, 1193.9739915656576, 1037.5420079864994, 0.0], [1045.4274667997913, 371.4083626213978, 1265.0661679345583, 1032.3356112883632, 0.0], [961.5853359847224, 412.5105915706959, 1132.025438513549, 925.8404287564417, 0.0], [686.379860039094, 395.5705300829432, 802.4440152260402, 745.7608718231759, 0.0], [579.8901164337212, 441.21053185423284, 671.3254375633253, 717.5162662155442, 0.0], [448.1679301142139, 445.09811860183754, 551.5556604788051, 757.2507405174181, 0.0], [283.916285125187, 431.81183586567295, 395.06031503895616, 767.2142187924992, 0.0], [872.16, 442.23, 927.7289999999999, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1111.0, 412.0, 1280.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1086.0, 455.0, 1129.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [635.0, 490.0, 683.0, 581.0, 0.0], [492.0, 503.0, 560.0, 615.0, 0.0], [685.0, 469.0, 746.0, 597.0, 0.0], [933.0, 450.0, 959.0, 520.0, 1.0], [1095.0, 436.0, 1133.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1064.0, 403.0, 1255.0, 1010.0, 1.0], [988.0, 422.0, 1121.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 431.0, 577.0, 1.0], [452.0, 455.0, 490.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 459.0, 446.0, 542.0, 1.0], [674.0, 406.0, 804.0, 736.0, 1.0], [562.0, 434.0, 659.0, 717.0, 1.0], [442.0, 442.0, 597.0, 769.0, 1.0], [286.0, 431.0, 420.0, 769.0, 1.0], [1157.0, 436.0, 1258.0, 717.0, 1.0], [867.0, 436.0, 924.0, 609.0, 1.0], [1231.0, 447.0, 1266.0, 543.0, 1.0], [980.0, 453.0, 1007.0, 531.0, 1.0], [959.0, 449.0, 984.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [719.0, 452.0, 743.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 738.0, 536.0, 0.0], [541.0, 455.0, 565.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [687.0, 525.0, 748.0, 625.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [626.0, 528.0, 705.0, 605.0, 0.0], [474.0, 554.0, 603.0, 645.0, 0.0], [485.0, 458.0, 510.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 506.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72289.59916342796], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 6], [2, 7], [3, 1], [4, 4], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 72}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 48}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 417, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[861.93, 437.53, 921.559, 618.42, 1.8583], [697.7, 402.13, 802.26, 717.81, 1.5666], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.308], [572.25, 434.36, 669.742, 728.83, 1.2121], [272.53, 430.92, 384.66999999999996, 769.33, 0.98715], [453.55, 430.92, 565.69, 769.33, 0.82015], [1003.9, 279.58, 1281.48, 1114.31, 0.35052]], "trackers": [[934.6434970364054, 259.6854764212451, 1193.0652945538934, 1036.9538241400478, 0.0], [1041.8673696955566, 365.9101637895329, 1265.1338632395032, 1037.7217208548625, 0.0], [961.6849791502294, 412.4758433384218, 1132.1204481409818, 925.7917252794223, 0.0], [698.3638174952132, 398.7148063059658, 807.2390734265553, 727.3434780081118, 0.0], [580.8997884971022, 441.7252081788988, 671.9126308566154, 716.7629459992813, 0.0], [465.6005374698251, 445.0120663027918, 569.3202489254894, 758.1596699747869, 0.0], [285.5812065566005, 440.8967498870851, 391.72303177900596, 761.2956907838712, 0.0], [853.0030769230771, 442.23, 908.572076923077, 610.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1114.0, 412.0, 1284.0, 914.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1087.0, 454.0, 1130.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [632.0, 490.0, 680.0, 581.0, 0.0], [487.0, 503.0, 555.0, 616.0, 0.0], [683.0, 469.0, 744.0, 598.0, 0.0], [932.0, 450.0, 958.0, 520.0, 1.0], [1095.0, 436.0, 1133.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1061.0, 402.0, 1253.0, 1010.0, 1.0], [989.0, 422.0, 1122.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 430.0, 577.0, 1.0], [452.0, 455.0, 490.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [681.0, 405.0, 806.0, 734.0, 1.0], [571.0, 434.0, 666.0, 716.0, 1.0], [445.0, 442.0, 598.0, 769.0, 1.0], [288.0, 432.0, 437.0, 768.0, 1.0], [1164.0, 436.0, 1265.0, 719.0, 1.0], [863.0, 436.0, 920.0, 609.0, 1.0], [1230.0, 447.0, 1265.0, 542.0, 1.0], [981.0, 453.0, 1008.0, 531.0, 1.0], [961.0, 449.0, 986.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [719.0, 452.0, 743.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 478.0, 738.0, 536.0, 0.0], [541.0, 455.0, 566.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [686.0, 526.0, 747.0, 625.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [624.0, 529.0, 705.0, 606.0, 0.0], [467.0, 554.0, 598.0, 646.0, 0.0], [485.0, 458.0, 510.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 506.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1009.0, 453.0, 1027.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [71877.14722541829], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 3], [2, 1], [3, 4], [4, 6], [5, 5], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 73}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 49}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 418, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[697.7, 402.13, 802.26, 717.81, 1.7221], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.568], [571.03, 423.24, 675.5899999999999, 738.9200000000001, 1.4946], [860.84, 442.23, 916.409, 610.94, 1.0261], [295.16, 430.92, 407.3, 769.33, 1.0136], [465.47, 444.35, 570.03, 760.03, 0.51755], [1003.9, 279.58, 1281.48, 1114.31, 0.33048]], "trackers": [[997.3265607349737, 279.9378537443502, 1271.1528340088146, 1103.4142420703804, 0.0], [1027.378631925382, 382.24514347332166, 1234.0468917092082, 1004.2713042834332, 0.0], [961.7834639548375, 412.43760636609863, 1132.2166161293137, 925.7465105424519, 0.0], [702.5438735533659, 400.19164732779325, 808.549336901514, 720.2060644730581, 0.0], [581.951398936285, 437.10962278241493, 677.0420614388594, 724.3814417992904, 0.0], [463.3947018786098, 436.0940678661034, 572.1980621135654, 764.4941792171826, 0.0], [283.7045731002573, 435.38227136290806, 392.95049991356296, 765.094034074478, 0.0], [856.0073485854464, 436.1463448131174, 916.8122403173109, 620.6594523047763, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1117.0, 412.0, 1287.0, 915.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1087.0, 454.0, 1130.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [629.0, 490.0, 677.0, 581.0, 0.0], [481.0, 504.0, 549.0, 617.0, 0.0], [681.0, 469.0, 742.0, 598.0, 0.0], [932.0, 450.0, 958.0, 520.0, 1.0], [1094.0, 436.0, 1133.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1059.0, 402.0, 1251.0, 1011.0, 1.0], [989.0, 422.0, 1124.0, 940.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 430.0, 577.0, 1.0], [451.0, 455.0, 489.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [688.0, 405.0, 808.0, 732.0, 1.0], [580.0, 435.0, 674.0, 716.0, 1.0], [447.0, 442.0, 600.0, 769.0, 1.0], [290.0, 433.0, 454.0, 768.0, 1.0], [1170.0, 436.0, 1272.0, 721.0, 1.0], [859.0, 436.0, 916.0, 609.0, 1.0], [1229.0, 447.0, 1264.0, 542.0, 1.0], [982.0, 453.0, 1009.0, 531.0, 1.0], [962.0, 449.0, 987.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [719.0, 452.0, 743.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [541.0, 455.0, 566.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [684.0, 526.0, 746.0, 626.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [617.0, 529.0, 701.0, 606.0, 0.0], [461.0, 555.0, 594.0, 647.0, 0.0], [484.0, 458.0, 509.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 506.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1017.0, 453.0, 1042.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [73217.19196406404], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1], [2, 4], [3, 7], [4, 6], [5, 5], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 418}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 4, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 74}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 50}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 419, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[591.95, 434.36, 689.442, 728.83, 2.2347], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.7252], [704.29, 389.02, 824.55, 751.79, 1.4469], [295.16, 430.92, 407.3, 769.33, 0.88465], [860.84, 442.23, 916.409, 610.94, 0.82073], [486.58, 444.35, 591.14, 760.03, 0.79684]], "trackers": [[1006.7963842997697, 282.64741685126904, 1283.2392108042181, 1113.9702490561042, 0.0], [1022.3831814038095, 389.1329199353702, 1222.3519052317886, 991.0536892986675, 0.0], [961.8813695612818, 412.39762497039885, 1132.3133633158095, 925.7030402288582, 0.0], [703.7254203879515, 400.8679152295711, 808.6172231061682, 717.5384738902674, 0.0], [581.124542074816, 428.1750051130943, 682.3048618308696, 733.7248362577393, 0.0], [470.30438513596454, 441.56682592282846, 576.1337046580247, 761.04519883491, 0.0], [298.5494893182944, 433.3041580995778, 408.97825906806554, 766.5637441704741, 0.0], [856.5690185849259, 440.5140475576485, 913.5998707181762, 613.6289507255177, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1119.0, 411.0, 1290.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1088.0, 453.0, 1131.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [626.0, 490.0, 674.0, 581.0, 0.0], [475.0, 504.0, 544.0, 618.0, 0.0], [679.0, 469.0, 741.0, 599.0, 0.0], [932.0, 450.0, 958.0, 520.0, 1.0], [1094.0, 436.0, 1132.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1057.0, 401.0, 1249.0, 1011.0, 1.0], [989.0, 422.0, 1125.0, 940.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 430.0, 577.0, 1.0], [450.0, 455.0, 489.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [412.0, 468.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [695.0, 405.0, 810.0, 731.0, 1.0], [589.0, 435.0, 682.0, 716.0, 1.0], [450.0, 442.0, 601.0, 769.0, 1.0], [292.0, 433.0, 461.0, 767.0, 1.0], [1176.0, 436.0, 1279.0, 723.0, 1.0], [856.0, 436.0, 912.0, 609.0, 1.0], [1229.0, 447.0, 1264.0, 542.0, 1.0], [983.0, 453.0, 1010.0, 531.0, 1.0], [963.0, 449.0, 988.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [719.0, 452.0, 744.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [542.0, 455.0, 566.0, 526.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [683.0, 527.0, 745.0, 627.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [611.0, 530.0, 698.0, 607.0, 0.0], [455.0, 555.0, 589.0, 648.0, 0.0], [484.0, 458.0, 509.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1018.0, 453.0, 1043.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72784.81470330022], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 3], [3, 6], [4, 7], [5, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 5, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 75}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 51}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 420, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[589.13, 442.1, 680.026, 716.79, 2.3679], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.7471], [702.45, 385.67, 814.59, 724.08, 1.2897], [498.8, 430.92, 610.94, 769.33, 1.0466], [860.84, 442.23, 916.409, 610.94, 0.65422], [1170.6, 520.84, 1299.56, 909.72, 0.3499], [272.53, 430.92, 384.66999999999996, 769.33, 0.32261]], "trackers": [[1011.815105610659, 285.5756685796016, 1288.3531056379165, 1117.1847079670688, 0.0], [1020.850096386203, 391.95370508892097, 1218.201675122536, 986.0188198323635, 0.0], [961.9789855642151, 412.356771349672, 1132.4104001058158, 925.6604421402915, 0.0], [708.9897539131695, 393.3891208267819, 823.6162356319145, 739.2735912090418, 0.0], [594.9005158807232, 431.99099566928027, 693.8363750103441, 730.7994808284755, 0.0], [487.46683474116907, 443.69419905200925, 592.1470259229991, 759.7242759592541, 0.0], [303.5179891145163, 432.50739769988786, 414.4151822709975, 767.1721561484078, 0.0], [857.4199179993205, 441.77895233671626, 913.3697389268265, 611.6326496220557, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1122.0, 411.0, 1294.0, 916.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1088.0, 453.0, 1131.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [623.0, 490.0, 671.0, 581.0, 0.0], [470.0, 505.0, 539.0, 619.0, 0.0], [677.0, 469.0, 739.0, 599.0, 0.0], [931.0, 450.0, 957.0, 520.0, 1.0], [1094.0, 436.0, 1132.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1055.0, 401.0, 1247.0, 1011.0, 1.0], [989.0, 422.0, 1127.0, 941.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 430.0, 577.0, 1.0], [449.0, 455.0, 488.0, 565.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [699.0, 406.0, 814.0, 731.0, 1.0], [599.0, 436.0, 690.0, 716.0, 1.0], [453.0, 442.0, 603.0, 769.0, 1.0], [294.0, 434.0, 469.0, 766.0, 1.0], [1182.0, 436.0, 1286.0, 724.0, 1.0], [853.0, 436.0, 909.0, 607.0, 1.0], [1228.0, 447.0, 1263.0, 542.0, 1.0], [985.0, 453.0, 1012.0, 531.0, 1.0], [964.0, 449.0, 989.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [720.0, 452.0, 744.0, 523.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [542.0, 455.0, 567.0, 527.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [680.0, 527.0, 743.0, 627.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [605.0, 530.0, 695.0, 607.0, 0.0], [449.0, 556.0, 585.0, 649.0, 0.0], [483.0, 458.0, 508.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [585.0, 459.0, 604.0, 509.0, 1.0], [570.0, 458.0, 587.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1017.0, 453.0, 1043.0, 526.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72950.42610231703], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 3], [3, 5], [4, 7], [6, 6]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 6, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 76}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 52}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 421, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1170.6, 520.84, 1299.56, 909.72, 0.3499]]}, "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.8174], [704.29, 389.02, 824.55, 751.79, 1.5443], [607.51, 442.1, 698.406, 716.79, 1.4898], [486.58, 444.35, 591.14, 760.03, 1.1083], [1170.6, 520.84, 1299.56, 909.72, 0.65428], [849.53, 442.23, 905.0989999999999, 610.94, 0.33616]], "trackers": [[1016.8576264427546, 288.5754905694043, 1293.4432009504085, 1120.3275966165631, 0.0], [1020.5893300117543, 393.137793804311, 1216.9336688186897, 984.1793449768497, 0.0], [962.0764567642859, 412.31548161309684, 1132.507581698685, 925.6182801675732, 0.0], [709.0151477867737, 387.5141498167416, 822.0006460740058, 728.4646923101345, 0.0], [597.2043078176579, 438.0844586088354, 691.1667728567235, 721.976734949285, 0.0], [502.32098626897596, 435.6605457416034, 611.4889667393279, 765.1542674550013, 0.0], [288.64564727550635, 432.19520564733835, 399.740351094184, 767.4527701485579, 0.0], [858.103835467658, 442.16823545320614, 913.7221123216348, 611.0230989093262, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1125.0, 411.0, 1297.0, 917.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1089.0, 453.0, 1132.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [621.0, 491.0, 669.0, 582.0, 0.0], [464.0, 505.0, 534.0, 620.0, 0.0], [676.0, 469.0, 738.0, 600.0, 0.0], [931.0, 450.0, 957.0, 520.0, 1.0], [1093.0, 436.0, 1132.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1053.0, 401.0, 1245.0, 1012.0, 1.0], [990.0, 422.0, 1129.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 465.0, 430.0, 578.0, 1.0], [449.0, 455.0, 488.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [704.0, 407.0, 818.0, 732.0, 1.0], [601.0, 436.0, 705.0, 716.0, 1.0], [463.0, 441.0, 604.0, 767.0, 1.0], [296.0, 434.0, 476.0, 765.0, 1.0], [1188.0, 436.0, 1293.0, 726.0, 1.0], [851.0, 436.0, 907.0, 606.0, 1.0], [1227.0, 447.0, 1262.0, 542.0, 1.0], [985.0, 453.0, 1013.0, 531.0, 1.0], [965.0, 449.0, 990.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [720.0, 452.0, 744.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [542.0, 455.0, 567.0, 527.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [677.0, 527.0, 741.0, 628.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [599.0, 531.0, 692.0, 608.0, 0.0], [443.0, 557.0, 581.0, 650.0, 0.0], [483.0, 458.0, 508.0, 540.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1017.0, 453.0, 1043.0, 527.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72673.20945482801], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 4], [3, 5], [5, 7]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 6, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 7, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 77}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 53}, {"time_since_observed": 1, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 422, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1170.6, 520.84, 1299.56, 909.72, 0.65428]]}, "detections": [[1014.4, 381.02, 1224.52, 1013.38, 1.9475], [704.29, 389.02, 824.55, 751.79, 1.7474], [607.51, 442.1, 698.406, 716.79, 1.3348], [498.8, 430.92, 610.94, 769.33, 0.85942], [860.84, 442.23, 916.409, 610.94, 0.43446]], "trackers": [[1021.9120424291513, 291.61108383780373, 1298.5214011085995, 1123.4347139874608, 0.0], [1020.7830877462154, 393.67697115871766, 1216.7429261644058, 983.5642965410311, 0.0], [962.1738555626486, 412.27397381776376, 1132.6048356932624, 925.5763362536127, 0.0], [710.2550468215146, 388.67332711232, 827.7858426786664, 743.2599790608695, 0.0], [610.6451703433991, 440.52964847666885, 702.6397865245508, 718.5155108263771, 0.0], [498.3232690588858, 441.4208170954586, 604.318458829567, 761.3973533638829, 0.0], [293.8536109382459, 432.43850228763665, 404.65314294535267, 766.8053080104881, 0.0], [849.1989974675373, 442.2867525014957, 904.7168607671119, 610.8396906374052, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1128.0, 411.0, 1300.0, 918.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1089.0, 452.0, 1132.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [618.0, 491.0, 666.0, 582.0, 0.0], [458.0, 505.0, 529.0, 621.0, 0.0], [672.0, 469.0, 735.0, 600.0, 0.0], [931.0, 450.0, 957.0, 520.0, 1.0], [1093.0, 436.0, 1131.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1054.0, 401.0, 1246.0, 1018.0, 1.0], [991.0, 422.0, 1130.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [448.0, 455.0, 486.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [709.0, 408.0, 823.0, 733.0, 1.0], [604.0, 436.0, 720.0, 717.0, 1.0], [473.0, 441.0, 606.0, 766.0, 1.0], [299.0, 435.0, 484.0, 765.0, 1.0], [1194.0, 436.0, 1300.0, 728.0, 1.0], [849.0, 436.0, 905.0, 605.0, 1.0], [1227.0, 447.0, 1262.0, 542.0, 1.0], [985.0, 453.0, 1014.0, 532.0, 1.0], [966.0, 449.0, 991.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [720.0, 452.0, 744.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [542.0, 455.0, 567.0, 527.0, 1.0], [519.0, 459.0, 543.0, 526.0, 1.0], [674.0, 528.0, 739.0, 629.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [593.0, 532.0, 689.0, 609.0, 0.0], [436.0, 557.0, 576.0, 650.0, 0.0], [482.0, 458.0, 507.0, 539.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 507.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1016.0, 453.0, 1043.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72592.05786745754], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 4], [3, 5], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 8, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 78}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 54}, {"time_since_observed": 2, "confidence": 0.8676027014244388, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 423, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1014.4, 381.02, 1224.52, 1013.38, 1.7794], [718.81, 402.13, 823.3699999999999, 717.81, 1.3454], [498.8, 430.92, 610.94, 769.33, 1.1557], [607.51, 423.72, 698.406, 698.4100000000001, 1.0317], [856.04, 444.35, 907.8199999999999, 601.69, 0.71801]], "trackers": [[1026.9724048419316, 294.6645592848991, 1303.593654840407, 1126.5239491796626, 0.0], [1013.8965220194955, 385.6254786777771, 1218.7108668027986, 1002.0749295761408, 0.0], [962.2712181600879, 412.2323569928433, 1132.7021258887628, 925.5345013692397, 0.0], [710.3575390785783, 389.16790405434244, 829.579219768991, 748.824913501152, 0.0], [615.1306647105878, 441.4915357125974, 706.3640433941605, 717.19194129232, 0.0], [505.21655310175595, 434.8483321539063, 614.8762658636136, 765.8169199524459, 0.0], [298.98792928419005, 432.4595547641984, 409.6395801133167, 766.380090036155, 0.0], [855.617456987027, 442.31790860920506, 911.1094640656422, 610.7934641362734, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1131.0, 411.0, 1304.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1090.0, 452.0, 1133.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [615.0, 491.0, 663.0, 582.0, 0.0], [453.0, 506.0, 524.0, 622.0, 0.0], [669.0, 469.0, 732.0, 601.0, 0.0], [930.0, 450.0, 956.0, 520.0, 1.0], [1093.0, 436.0, 1131.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1055.0, 401.0, 1248.0, 1025.0, 1.0], [992.0, 422.0, 1132.0, 943.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [447.0, 455.0, 485.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [712.0, 408.0, 826.0, 732.0, 1.0], [607.0, 436.0, 735.0, 717.0, 1.0], [484.0, 441.0, 608.0, 765.0, 1.0], [305.0, 435.0, 484.0, 763.0, 1.0], [1201.0, 436.0, 1308.0, 730.0, 1.0], [847.0, 436.0, 902.0, 604.0, 1.0], [1226.0, 447.0, 1261.0, 542.0, 1.0], [986.0, 453.0, 1015.0, 533.0, 1.0], [967.0, 449.0, 992.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [720.0, 452.0, 745.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 738.0, 536.0, 0.0], [543.0, 455.0, 567.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [671.0, 528.0, 738.0, 630.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [589.0, 532.0, 685.0, 609.0, 0.0], [430.0, 558.0, 571.0, 651.0, 0.0], [482.0, 458.0, 507.0, 539.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1016.0, 453.0, 1043.0, 528.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [74309.25539337992], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 3], [2, 5], [3, 4], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 9, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 79}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 55}, {"time_since_observed": 3, "confidence": 0.5801027250820657, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 424, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1041.9, 363.04, 1267.17, 1040.8600000000001, 1.8686], [498.8, 430.92, 610.94, 769.33, 1.5706], [718.81, 402.13, 823.3699999999999, 717.81, 1.4387], [856.04, 444.35, 907.8199999999999, 601.69, 0.95182], [611.65, 434.36, 709.1419999999999, 728.83, 0.82358]], "trackers": [[1032.035740180313, 297.7269749564955, 1308.6629356466133, 1129.6042441473633, 0.0], [1011.5871972279823, 382.7139404559841, 1219.685174801992, 1009.0107147523877, 0.0], [962.3685626570483, 412.1906856530771, 1132.7994341847423, 925.4927209997124, 0.0], [719.6272356575818, 396.4248890147436, 829.8102719198026, 728.9796685594064, 0.0], [616.2412311737612, 428.78560423288525, 707.1835271385028, 703.6120235935915, 0.0], [507.25400979872, 432.40717472092786, 618.2847464545908, 767.4865079874622, 0.0], [304.122346580887, 432.48090585075, 414.62591833052795, 765.9545734518321, 0.0], [854.3236447863179, 443.8571640303031, 906.9428242318389, 603.6949898691047, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1132.0, 410.0, 1306.0, 919.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1090.0, 451.0, 1134.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [612.0, 491.0, 660.0, 582.0, 0.0], [447.0, 506.0, 519.0, 623.0, 0.0], [666.0, 469.0, 729.0, 602.0, 0.0], [930.0, 450.0, 956.0, 520.0, 1.0], [1092.0, 436.0, 1131.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1056.0, 401.0, 1250.0, 1031.0, 1.0], [993.0, 422.0, 1133.0, 943.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [446.0, 455.0, 484.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [715.0, 408.0, 829.0, 732.0, 1.0], [610.0, 437.0, 750.0, 718.0, 1.0], [494.0, 441.0, 610.0, 763.0, 1.0], [311.0, 435.0, 485.0, 762.0, 1.0], [1200.0, 434.0, 1310.0, 733.0, 1.0], [845.0, 436.0, 900.0, 603.0, 1.0], [1225.0, 447.0, 1260.0, 542.0, 1.0], [986.0, 453.0, 1016.0, 533.0, 1.0], [968.0, 449.0, 993.0, 526.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [721.0, 452.0, 745.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 739.0, 536.0, 0.0], [543.0, 455.0, 568.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [668.0, 529.0, 736.0, 631.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [586.0, 533.0, 681.0, 610.0, 0.0], [423.0, 558.0, 566.0, 652.0, 0.0], [481.0, 458.0, 507.0, 539.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [588.0, 454.0, 607.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 453.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [74004.17424862391], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 5], [2, 3], [3, 7], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 424}, {"time_since_observed": 1, "confidence": 1, "age": 340}, {"time_since_observed": 10, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 80}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 56}, {"time_since_observed": 4, "confidence": 0.44815077738066356, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 425, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1041.9, 363.04, 1267.17, 1040.8600000000001, 1.7875], [498.8, 430.92, 610.94, 769.33, 1.7027], [718.81, 402.13, 823.3699999999999, 717.81, 1.458], [363.04, 430.92, 475.18, 769.33, 0.88105], [618.34, 429.71, 703.082, 685.94, 0.79336], [849.53, 442.23, 905.0989999999999, 610.94, 0.71553]], "trackers": [[1043.8714340133795, 356.4764496823604, 1275.6385676442599, 1053.7939789096283, 0.0], [1008.8665304339794, 382.56229784434566, 1216.9488467223669, 1008.8119375516446, 0.0], [962.465898103765, 412.1489870558749, 1132.8967515309657, 925.4509678876211, 0.0], [722.8866120443538, 399.5564220084767, 829.4203604315985, 721.1577856284856, 0.0], [619.2946213104071, 432.35603570727363, 714.3588592740487, 719.5487734868302, 0.0], [507.4723459751282, 431.5007133173149, 619.0254998057061, 768.146210891397, 0.0], [309.25686322666473, 432.5025567493514, 419.6121571986584, 765.5287570554592, 0.0], [854.0740284187542, 444.452677445364, 905.660831261927, 601.1861001759802, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1134.0, 410.0, 1308.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1091.0, 451.0, 1134.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [609.0, 491.0, 657.0, 582.0, 0.0], [442.0, 507.0, 514.0, 624.0, 0.0], [662.0, 469.0, 726.0, 603.0, 0.0], [930.0, 450.0, 956.0, 520.0, 1.0], [1092.0, 436.0, 1130.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1057.0, 401.0, 1251.0, 1038.0, 1.0], [994.0, 422.0, 1135.0, 944.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [445.0, 455.0, 483.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [718.0, 408.0, 832.0, 732.0, 1.0], [611.0, 436.0, 750.0, 716.0, 1.0], [505.0, 441.0, 612.0, 762.0, 1.0], [317.0, 435.0, 486.0, 760.0, 1.0], [1200.0, 433.0, 1312.0, 736.0, 1.0], [843.0, 436.0, 898.0, 601.0, 1.0], [1225.0, 447.0, 1260.0, 541.0, 1.0], [987.0, 454.0, 1017.0, 534.0, 1.0], [970.0, 450.0, 995.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [721.0, 452.0, 745.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 739.0, 536.0, 0.0], [543.0, 455.0, 568.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [665.0, 529.0, 734.0, 631.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [582.0, 533.0, 678.0, 611.0, 0.0], [417.0, 559.0, 561.0, 653.0, 0.0], [481.0, 458.0, 507.0, 539.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [588.0, 454.0, 608.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 453.0, 1043.0, 530.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [65420.3575190007], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 5], [2, 3], [3, 6], [4, 4], [5, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 425}, {"time_since_observed": 2, "confidence": 1, "age": 341}, {"time_since_observed": 11, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 81}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 57}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 426, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1041.9, 363.04, 1267.17, 1040.8600000000001, 1.6384], [718.81, 402.13, 823.3699999999999, 717.81, 1.4413], [521.43, 430.92, 633.5699999999999, 769.33, 1.231], [845.49, 444.35, 897.27, 601.69, 1.0399], [363.04, 430.92, 475.18, 769.33, 0.92683], [625.89, 442.1, 716.786, 716.79, 0.83427]], "trackers": [[1046.375818745199, 363.5286152136226, 1273.3896761077835, 1046.578047469799, 0.0], [1006.1419485395937, 382.39887225062705, 1214.2164337431243, 1008.6249433329818, 0.0], [962.5632290253586, 412.1072748299515, 1132.9940734023119, 925.4092284042509, 0.0], [723.7983422567194, 400.8580592024689, 828.907837915386, 718.1828726914648, 0.0], [624.1219585589454, 428.7684473109572, 712.7712379784609, 696.7242752708077, 0.0], [507.0440981007161, 431.17275730023493, 618.799320770784, 768.4240653156683, 0.0], [366.76190308473525, 431.19038484112457, 478.5684356806767, 768.5943695490864, 0.0], [849.2716710524262, 443.1034600973062, 903.3421650538519, 607.3093695517703, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1136.0, 410.0, 1310.0, 920.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1091.0, 450.0, 1135.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [606.0, 491.0, 654.0, 582.0, 0.0], [436.0, 507.0, 508.0, 625.0, 0.0], [659.0, 469.0, 724.0, 604.0, 0.0], [929.0, 450.0, 955.0, 520.0, 1.0], [1800.0, 353.0, 2301.0, 1346.0, 1.0], [1092.0, 436.0, 1130.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1058.0, 401.0, 1253.0, 1044.0, 1.0], [995.0, 422.0, 1136.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [445.0, 455.0, 482.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [721.0, 408.0, 835.0, 732.0, 1.0], [612.0, 436.0, 750.0, 715.0, 1.0], [515.0, 441.0, 614.0, 761.0, 1.0], [323.0, 435.0, 487.0, 759.0, 1.0], [1200.0, 431.0, 1314.0, 739.0, 1.0], [841.0, 436.0, 895.0, 600.0, 1.0], [1224.0, 447.0, 1259.0, 541.0, 1.0], [987.0, 454.0, 1018.0, 535.0, 1.0], [970.0, 450.0, 995.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [721.0, 452.0, 745.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 739.0, 536.0, 0.0], [543.0, 455.0, 568.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [662.0, 530.0, 732.0, 632.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [579.0, 534.0, 674.0, 611.0, 0.0], [410.0, 559.0, 556.0, 654.0, 0.0], [481.0, 458.0, 507.0, 539.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [588.0, 454.0, 608.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 453.0, 1044.0, 531.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64280.75507068116], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 5], [3, 7], [4, 6], [5, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 426}, {"time_since_observed": 3, "confidence": 1, "age": 342}, {"time_since_observed": 12, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 82}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 58}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 427, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[996.61, 363.04, 1221.88, 1040.8600000000001, 1.4837], [528.8, 444.35, 633.3599999999999, 760.03, 1.4721], [718.81, 402.13, 823.3699999999999, 717.81, 1.2155], [363.04, 430.92, 475.18, 769.33, 0.99067], [838.21, 442.23, 893.779, 610.94, 0.66495], [1153.0, 513.0, 1312.0, 992.0, 0.32058]], "trackers": [[1047.0680430699763, 365.8431952796681, 1272.4615257265773, 1044.0281171595454, 0.0], [1003.415408929257, 382.2295546669932, 1211.4859784798332, 1008.4438411042343, 0.0], [962.6605576843905, 412.06555578966675, 1133.0913975362198, 925.3674957352422, 0.0], [723.8307911441445, 401.41470701952767, 828.3938391856905, 717.0985196140402, 0.0], [631.1362738515043, 437.3176435627004, 721.1008079796418, 709.2142310996921, 0.0], [522.5261806322276, 431.06306534034854, 634.3615963809461, 768.5548509506738, 0.0], [372.91734755196734, 431.05029321829727, 484.84794046504277, 768.8284628979344, 0.0], [844.6636786304925, 444.08677513049946, 896.9103095775381, 602.8099698082541, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1138.0, 410.0, 1312.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1092.0, 450.0, 1135.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [603.0, 491.0, 651.0, 582.0, 0.0], [430.0, 508.0, 503.0, 626.0, 0.0], [656.0, 469.0, 721.0, 605.0, 0.0], [929.0, 450.0, 955.0, 520.0, 1.0], [1747.0, 348.0, 2246.0, 1345.0, 1.0], [1092.0, 436.0, 1130.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1059.0, 401.0, 1255.0, 1051.0, 1.0], [996.0, 422.0, 1138.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [444.0, 455.0, 481.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 447.0, 542.0, 1.0], [724.0, 408.0, 838.0, 731.0, 1.0], [614.0, 435.0, 751.0, 713.0, 1.0], [526.0, 441.0, 616.0, 760.0, 1.0], [340.0, 435.0, 487.0, 757.0, 1.0], [1200.0, 430.0, 1317.0, 742.0, 1.0], [839.0, 436.0, 893.0, 599.0, 1.0], [1223.0, 447.0, 1258.0, 541.0, 1.0], [988.0, 454.0, 1019.0, 535.0, 1.0], [971.0, 450.0, 996.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [721.0, 452.0, 746.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 739.0, 536.0, 0.0], [544.0, 455.0, 569.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [660.0, 530.0, 731.0, 633.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [575.0, 534.0, 671.0, 612.0, 0.0], [404.0, 560.0, 551.0, 655.0, 0.0], [480.0, 458.0, 506.0, 538.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 604.0, 509.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [588.0, 454.0, 608.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 452.0, 1043.0, 530.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [63993.95175210808], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 5], [2, 3], [3, 6], [4, 7], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 13, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 59}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 428, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[528.8, 423.24, 633.3599999999999, 738.9200000000001, 1.7584], [996.61, 363.04, 1221.88, 1040.8600000000001, 1.4434], [739.92, 402.13, 844.48, 717.81, 1.1752], [385.67, 430.92, 497.81, 769.33, 1.0009], [838.21, 442.23, 893.779, 610.94, 0.74909]], "trackers": [[1122.0633722970508, 461.02485699267345, 1307.8382535519588, 1020.4250595624717, 0.0], [995.1448374104128, 366.58603674032537, 1217.6927434014697, 1036.2432650670125, 0.0], [962.7578852121414, 412.02383334220104, 1133.1887228014089, 925.3257664734144, 0.0], [723.5548244538754, 401.67582004040196, 827.9109787972397, 716.7383292759991, 0.0], [636.9433022976498, 437.0030682689088, 726.8615163002414, 708.7596641503859, 0.0], [532.7798739015548, 439.6746699691454, 639.8669078076096, 762.9279046552482, 0.0], [374.56272013454463, 431.0109318944028, 486.533155793977, 768.9092702501571, 0.0], [837.85705598109, 442.9994020702182, 892.1640615039404, 607.9176399711392, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1140.0, 409.0, 1314.0, 921.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1092.0, 450.0, 1136.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [600.0, 491.0, 648.0, 582.0, 0.0], [425.0, 508.0, 498.0, 627.0, 0.0], [652.0, 469.0, 718.0, 606.0, 0.0], [929.0, 450.0, 955.0, 520.0, 1.0], [1694.0, 344.0, 2192.0, 1344.0, 1.0], [1091.0, 436.0, 1129.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1060.0, 401.0, 1256.0, 1057.0, 1.0], [997.0, 422.0, 1139.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [443.0, 455.0, 480.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 448.0, 542.0, 1.0], [727.0, 408.0, 841.0, 731.0, 1.0], [615.0, 435.0, 751.0, 712.0, 1.0], [529.0, 440.0, 628.0, 759.0, 1.0], [357.0, 435.0, 488.0, 756.0, 1.0], [1202.0, 429.0, 1319.0, 743.0, 1.0], [837.0, 436.0, 891.0, 598.0, 1.0], [1223.0, 447.0, 1258.0, 541.0, 1.0], [988.0, 454.0, 1020.0, 536.0, 1.0], [972.0, 450.0, 997.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [722.0, 452.0, 746.0, 524.0, 1.0], [661.0, 462.0, 686.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 478.0, 739.0, 536.0, 0.0], [544.0, 455.0, 569.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [657.0, 531.0, 729.0, 634.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [572.0, 535.0, 667.0, 613.0, 0.0], [397.0, 560.0, 546.0, 656.0, 0.0], [480.0, 458.0, 506.0, 538.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 605.0, 508.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [589.0, 454.0, 608.0, 505.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 452.0, 1043.0, 530.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [59894.681000318866], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 3], [3, 6], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 14, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 60}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "frame_count": 429, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[528.8, 423.24, 633.3599999999999, 738.9200000000001, 2.233], [996.61, 363.04, 1221.88, 1040.8600000000001, 1.412], [838.21, 430.92, 893.779, 599.63, 1.4016], [385.67, 430.92, 497.81, 769.33, 1.0512], [729.84, 414.66, 827.332, 709.1300000000001, 0.85458], [651.04, 434.36, 748.5319999999999, 728.83, 0.50994]], "trackers": [[1130.0022401326455, 466.5453467353325, 1315.244364824851, 1024.3413274260313, 0.0], [993.6680131023497, 364.3882575515012, 1218.1364436414804, 1039.8063324665384, 0.0], [962.8552121742518, 411.98210919114484, 1133.2860486322384, 925.284038915177, 0.0], [738.215822125391, 401.81857340656927, 842.4953737484013, 716.6510796772112, 0.0], [642.7387551875315, 436.6535085862416, 732.6338001771048, 708.3400815899553, 0.0], [536.1367541309965, 428.0114193960782, 641.36097719908, 745.6756970305487, 0.0], [390.601773632754, 431.0020182342712, 502.5889420603162, 768.9508268292514, 0.0], [835.5983836906212, 442.61567177641984, 890.6643052309894, 609.8136804462855, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1142.0, 409.0, 1316.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1093.0, 449.0, 1136.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [597.0, 491.0, 645.0, 582.0, 0.0], [419.0, 508.0, 493.0, 628.0, 0.0], [649.0, 469.0, 715.0, 607.0, 0.0], [928.0, 450.0, 954.0, 520.0, 1.0], [1641.0, 340.0, 2138.0, 1343.0, 1.0], [1090.0, 436.0, 1128.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1061.0, 401.0, 1258.0, 1064.0, 1.0], [998.0, 422.0, 1141.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [442.0, 455.0, 479.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 448.0, 542.0, 1.0], [730.0, 408.0, 844.0, 731.0, 1.0], [617.0, 435.0, 752.0, 711.0, 1.0], [532.0, 440.0, 640.0, 759.0, 1.0], [374.0, 435.0, 489.0, 755.0, 1.0], [1205.0, 429.0, 1321.0, 745.0, 1.0], [835.0, 437.0, 889.0, 597.0, 1.0], [1222.0, 447.0, 1257.0, 541.0, 1.0], [989.0, 455.0, 1022.0, 537.0, 1.0], [973.0, 450.0, 998.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [722.0, 452.0, 746.0, 524.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 739.0, 536.0, 0.0], [544.0, 455.0, 569.0, 527.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [654.0, 531.0, 727.0, 635.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [568.0, 535.0, 664.0, 613.0, 0.0], [391.0, 561.0, 541.0, 657.0, 0.0], [479.0, 458.0, 506.0, 538.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 605.0, 508.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 455.0, 613.0, 506.0, 1.0], [589.0, 454.0, 608.0, 505.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [60019.06421992711], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 7], [3, 6], [4, 3], [5, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 345}, {"time_since_observed": 15, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 61}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "frame_count": 430, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[532.85, 434.36, 630.342, 728.83, 1.889], [996.61, 363.04, 1221.88, 1040.8600000000001, 1.5096], [389.02, 413.27, 509.28, 776.04, 1.0213], [838.21, 430.92, 893.779, 599.63, 0.94732], [749.54, 414.66, 847.0319999999999, 709.1300000000001, 0.83948], [546.83, 416.87, 675.7900000000001, 805.75, 0.56785]], "trackers": [[1137.8082065308195, 471.66564733232946, 1322.7833775351637, 1028.657784435253, 0.0], [993.2890086614441, 363.61972388368827, 1218.412106591002, 1041.0014732231077, 0.0], [962.9525388535421, 411.94038418829336, 1133.383374745888, 925.242312208735, 0.0], [735.9261041205019, 409.8995389581292, 835.7680974352553, 711.4167449021102, 0.0], [656.4010016088781, 435.30127731277776, 752.4271646055892, 725.381429600596, 0.0], [536.8837257416922, 423.72615740946986, 641.3938432499035, 739.247551937756, 0.0], [395.8761006810677, 431.00349984728484, 507.87184439686, 768.9781769552591, 0.0], [835.0113518363744, 434.2299277352033, 890.3632694142302, 602.2867595836585, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1144.0, 409.0, 1318.0, 922.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1093.0, 449.0, 1137.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [594.0, 491.0, 642.0, 582.0, 0.0], [413.0, 509.0, 488.0, 629.0, 0.0], [646.0, 469.0, 713.0, 608.0, 0.0], [928.0, 450.0, 954.0, 520.0, 1.0], [1588.0, 336.0, 2084.0, 1342.0, 1.0], [1089.0, 436.0, 1127.0, 547.0, 1.0], [995.0, 444.0, 1030.0, 547.0, 1.0], [1062.0, 401.0, 1260.0, 1070.0, 1.0], [999.0, 422.0, 1142.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [441.0, 455.0, 478.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 459.0, 448.0, 542.0, 1.0], [734.0, 409.0, 847.0, 731.0, 1.0], [629.0, 434.0, 752.0, 710.0, 1.0], [535.0, 440.0, 652.0, 758.0, 1.0], [391.0, 435.0, 490.0, 754.0, 1.0], [1208.0, 428.0, 1323.0, 747.0, 1.0], [833.0, 437.0, 887.0, 597.0, 1.0], [1221.0, 447.0, 1256.0, 541.0, 1.0], [990.0, 454.0, 1023.0, 536.0, 1.0], [973.0, 450.0, 998.0, 527.0, 1.0], [622.0, 457.0, 650.0, 534.0, 1.0], [722.0, 452.0, 746.0, 524.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 739.0, 536.0, 0.0], [545.0, 456.0, 570.0, 528.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [651.0, 532.0, 725.0, 635.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [565.0, 536.0, 660.0, 614.0, 0.0], [384.0, 561.0, 536.0, 658.0, 0.0], [479.0, 458.0, 506.0, 538.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [586.0, 459.0, 605.0, 508.0, 1.0], [569.0, 458.0, 586.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [60136.87555595384], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 6], [3, 7], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 346}, {"time_since_observed": 16, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 62}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "frame_count": 431, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[546.83, 416.87, 675.7900000000001, 805.75, 0.56785]]}, "detections": [[528.8, 444.35, 633.3599999999999, 760.03, 1.8171], [996.61, 363.04, 1221.88, 1040.8600000000001, 1.1395], [825.55, 437.53, 885.179, 618.42, 1.0392], [669.79, 446.86, 754.5319999999999, 703.09, 1.0278], [402.13, 423.24, 506.69, 738.9200000000001, 0.94297], [749.54, 414.66, 847.0319999999999, 709.1300000000001, 0.91061]], "trackers": [[1145.547506796217, 476.5852047075956, 1330.389056378253, 1033.1749846662055, 0.0], [993.3384568590837, 363.3057218026796, 1218.7064188886593, 1041.4219199402487, 0.0], [963.0498653914221, 411.8986587595442, 1133.4807010009479, 925.2005859281907, 0.0], [748.8296885712605, 413.0836013018376, 846.9281333824763, 709.3662579356488, 0.0], [663.0117565664974, 435.5028163489585, 759.0693485872827, 725.6779108463284, 0.0], [539.2739482991714, 429.29866674871096, 639.0594194379752, 730.6425450791148, 0.0], [399.7341252330741, 419.16305276976243, 517.032249687394, 773.0520855754902, 0.0], [835.0230820572867, 431.15806506559, 890.4846440960966, 599.5441380622214, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1146.0, 409.0, 1320.0, 923.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1094.0, 448.0, 1138.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [592.0, 491.0, 640.0, 582.0, 0.0], [408.0, 509.0, 483.0, 630.0, 0.0], [642.0, 470.0, 710.0, 609.0, 0.0], [928.0, 450.0, 954.0, 520.0, 1.0], [1535.0, 332.0, 2030.0, 1341.0, 1.0], [1088.0, 436.0, 1126.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1064.0, 401.0, 1262.0, 1077.0, 1.0], [1001.0, 422.0, 1144.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [441.0, 456.0, 477.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [738.0, 410.0, 849.0, 730.0, 1.0], [642.0, 434.0, 753.0, 710.0, 1.0], [538.0, 440.0, 664.0, 758.0, 1.0], [396.0, 434.0, 499.0, 753.0, 1.0], [1211.0, 428.0, 1326.0, 749.0, 1.0], [831.0, 437.0, 885.0, 597.0, 1.0], [1221.0, 447.0, 1256.0, 541.0, 1.0], [991.0, 454.0, 1024.0, 536.0, 1.0], [974.0, 450.0, 999.0, 527.0, 1.0], [622.0, 458.0, 650.0, 535.0, 1.0], [723.0, 452.0, 747.0, 525.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 739.0, 536.0, 0.0], [545.0, 456.0, 570.0, 528.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [648.0, 532.0, 724.0, 636.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [561.0, 536.0, 657.0, 615.0, 0.0], [378.0, 562.0, 531.0, 659.0, 0.0], [479.0, 459.0, 506.0, 538.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1015.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [60130.832921635054], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 7], [3, 4], [4, 6], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 347}, {"time_since_observed": 17, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 63}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "frame_count": 432, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[544.06, 430.92, 656.1999999999999, 769.33, 1.6145], [826.9, 430.92, 882.4689999999999, 599.63, 1.4327], [402.13, 423.24, 506.69, 738.9200000000001, 1.3299], [681.03, 442.1, 771.9259999999999, 716.79, 1.1963], [1014.4, 381.02, 1224.52, 1013.38, 1.1947], [749.54, 414.66, 847.0319999999999, 709.1300000000001, 0.78919]], "trackers": [[1153.2534198240644, 481.40422735328633, 1338.0281224588923, 1037.7927196267333, 0.0], [993.5415333819199, 363.16214030408855, 1219.0013315830313, 1041.5537777628485, 0.0], [963.1471918585972, 411.85693311784627, 1133.5780273267128, 925.1588598605952, 0.0], [753.36422722508, 414.32635912983744, 850.7922318091344, 708.5958250670625, 0.0], [674.7694667768172, 443.5354038937286, 762.4635235121474, 708.6263657028097, 0.0], [537.1306802318979, 439.5089209945965, 639.5954063721956, 748.8939200577079, 0.0], [409.17954930132186, 420.0184386856979, 518.5032197605472, 749.9918895082621, 0.0], [826.1443769605639, 435.0421514213199, 884.4643358046621, 612.016606427863, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1148.0, 409.0, 1323.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1095.0, 448.0, 1138.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [586.0, 491.0, 635.0, 583.0, 0.0], [402.0, 510.0, 478.0, 631.0, 0.0], [639.0, 470.0, 707.0, 610.0, 0.0], [927.0, 450.0, 953.0, 519.0, 1.0], [1482.0, 327.0, 1975.0, 1340.0, 1.0], [1087.0, 436.0, 1125.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1068.0, 401.0, 1268.0, 1076.0, 1.0], [1003.0, 422.0, 1146.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [440.0, 456.0, 476.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [743.0, 411.0, 851.0, 730.0, 1.0], [654.0, 434.0, 754.0, 710.0, 1.0], [541.0, 440.0, 677.0, 758.0, 1.0], [402.0, 434.0, 508.0, 752.0, 1.0], [1219.0, 426.0, 1333.0, 747.0, 1.0], [830.0, 438.0, 883.0, 597.0, 1.0], [1220.0, 448.0, 1255.0, 541.0, 1.0], [992.0, 454.0, 1025.0, 536.0, 1.0], [975.0, 450.0, 1000.0, 527.0, 1.0], [622.0, 458.0, 650.0, 535.0, 1.0], [723.0, 452.0, 747.0, 525.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 739.0, 536.0, 0.0], [546.0, 456.0, 571.0, 528.0, 1.0], [520.0, 459.0, 544.0, 526.0, 1.0], [645.0, 533.0, 722.0, 637.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [558.0, 537.0, 653.0, 615.0, 0.0], [370.0, 562.0, 525.0, 660.0, 0.0], [478.0, 459.0, 505.0, 537.0, 1.0], [530.0, 459.0, 549.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1016.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [59156.51572084546], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 7], [2, 6], [3, 4], [4, 1], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 348}, {"time_since_observed": 18, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 64}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "frame_count": 433, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[549.92, 423.24, 654.48, 738.9200000000001, 1.702], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.4582], [749.54, 414.66, 847.0319999999999, 709.1300000000001, 1.0792], [402.13, 423.24, 506.69, 738.9200000000001, 0.98186], [669.79, 446.86, 754.5319999999999, 703.09, 0.83013], [824.37, 433.8, 876.15, 591.14, 0.65071]], "trackers": [[1160.942625650352, 486.1729417340829, 1345.6838957410914, 1042.4607628521553, 0.0], [1005.7510234717735, 373.77654836930253, 1221.8636234132202, 1024.1224074322013, 0.0], [963.2445182904197, 411.81520736967394, 1133.6753536878302, 925.1171338994739, 0.0], [754.7249413930401, 414.8147539751002, 851.8992620944659, 708.3224607338642, 0.0], [686.1923637946542, 442.85692167783077, 775.8913081950747, 713.9582918747735, 0.0], [547.0141022297529, 434.53639201785353, 655.4189822215593, 761.7444406678205, 0.0], [412.1115095720023, 420.72662816045136, 518.2426501456193, 741.1172136751009, 0.0], [823.9603521764815, 431.5506175036509, 880.5670485124541, 603.3786305637283, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1150.0, 408.0, 1325.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1095.0, 447.0, 1139.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [581.0, 492.0, 631.0, 584.0, 0.0], [397.0, 510.0, 473.0, 632.0, 0.0], [636.0, 470.0, 704.0, 611.0, 0.0], [927.0, 450.0, 953.0, 519.0, 1.0], [1429.0, 323.0, 1921.0, 1339.0, 1.0], [1086.0, 436.0, 1124.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1072.0, 401.0, 1275.0, 1076.0, 1.0], [1005.0, 422.0, 1148.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [439.0, 456.0, 475.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [748.0, 412.0, 854.0, 730.0, 1.0], [667.0, 434.0, 755.0, 710.0, 1.0], [542.0, 439.0, 679.0, 757.0, 1.0], [408.0, 434.0, 517.0, 752.0, 1.0], [1227.0, 424.0, 1340.0, 746.0, 1.0], [828.0, 438.0, 881.0, 597.0, 1.0], [1219.0, 448.0, 1254.0, 540.0, 1.0], [993.0, 453.0, 1026.0, 535.0, 1.0], [976.0, 450.0, 1001.0, 527.0, 1.0], [622.0, 458.0, 650.0, 535.0, 1.0], [723.0, 452.0, 747.0, 525.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [546.0, 456.0, 571.0, 528.0, 1.0], [521.0, 460.0, 545.0, 527.0, 1.0], [642.0, 533.0, 720.0, 638.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [554.0, 537.0, 650.0, 616.0, 0.0], [363.0, 562.0, 519.0, 661.0, 0.0], [478.0, 459.0, 505.0, 537.0, 1.0], [530.0, 459.0, 550.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1016.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [57854.95395656752], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 1], [2, 3], [3, 6], [4, 4], [5, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 19, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 65}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "frame_count": 434, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[686.94, 446.86, 771.682, 703.09, 1.4813], [423.24, 423.24, 527.8, 738.9200000000001, 1.088], [993.48, 405.34, 1176.27, 955.72, 1.0763], [549.92, 444.35, 654.48, 760.03, 1.0377], [747.7, 385.67, 859.84, 724.08, 1.0154], [524.81, 460.48, 546.784, 528.402, 0.82506]], "trackers": [[1168.6234744751462, 490.9164917422975, 1353.348026024784, 1047.1539704501595, 0.0], [1017.5987297758764, 385.8363591572756, 1221.367723373105, 999.1581468370241, 0.0], [963.3418447045659, 411.77348156826434, 1133.772680066624, 925.07540799159, 0.0], [754.9038057046595, 415.01168053995957, 851.9846030674738, 708.2386099148316, 0.0], [681.4696930958464, 445.24286626669516, 767.9953194395696, 706.8231882910867, 0.0], [554.2041119676068, 426.42230502718996, 659.9691122473745, 745.7104867417228, 0.0], [412.5573336994525, 421.17697324853486, 517.4512477250805, 737.8526856790207, 0.0], [821.4774547345476, 432.0913291193974, 874.9011843811422, 594.3616161117927, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1153.0, 408.0, 1328.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1096.0, 447.0, 1139.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [576.0, 493.0, 626.0, 585.0, 0.0], [391.0, 511.0, 467.0, 633.0, 0.0], [632.0, 470.0, 702.0, 612.0, 0.0], [927.0, 450.0, 953.0, 518.0, 1.0], [1376.0, 319.0, 1867.0, 1338.0, 1.0], [1085.0, 436.0, 1123.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1077.0, 401.0, 1282.0, 1075.0, 1.0], [1007.0, 422.0, 1150.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [438.0, 456.0, 474.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [751.0, 412.0, 856.0, 728.0, 1.0], [680.0, 434.0, 756.0, 710.0, 1.0], [543.0, 439.0, 681.0, 757.0, 1.0], [413.0, 434.0, 526.0, 751.0, 1.0], [1235.0, 422.0, 1347.0, 745.0, 1.0], [827.0, 439.0, 879.0, 597.0, 1.0], [1219.0, 448.0, 1254.0, 540.0, 1.0], [994.0, 453.0, 1027.0, 535.0, 1.0], [977.0, 450.0, 1002.0, 527.0, 1.0], [622.0, 458.0, 650.0, 535.0, 1.0], [723.0, 452.0, 747.0, 525.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [547.0, 456.0, 572.0, 528.0, 1.0], [521.0, 460.0, 545.0, 527.0, 1.0], [640.0, 534.0, 719.0, 639.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [551.0, 538.0, 646.0, 617.0, 0.0], [356.0, 563.0, 513.0, 662.0, 0.0], [478.0, 459.0, 504.0, 537.0, 1.0], [530.0, 459.0, 550.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1017.0, 452.0, 1042.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [55245.65214847151], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 1], [3, 5], [4, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 20, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 66}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 47}, {"time_since_observed": 1, "confidence": 0.2981458060346947, "age": 20}], "frame_count": 435, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[524.81, 460.48, 546.784, 528.402, 0.82506]]}, "detections": [[761.04, 402.13, 865.5999999999999, 717.81, 1.6753], [566.69, 430.92, 678.83, 769.33, 1.3899], [408.29, 430.92, 520.4300000000001, 769.33, 1.1539], [523.01, 458.99, 546.633, 531.859, 1.118], [681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.0451], [993.48, 405.34, 1176.27, 955.72, 0.83996], [704.29, 389.02, 824.55, 751.79, 0.51938]], "trackers": [[1176.3001439483871, 495.6474570022955, 1361.0163356600299, 1051.85976279638, 0.0], [998.921854034665, 396.1928442101388, 1189.7233631202944, 970.6146605965295, 0.0], [963.439171109874, 411.7317557402362, 1133.8700064542556, 925.0336821103247, 0.0], [753.8165057866365, 395.84207302632717, 860.3638044488839, 717.4844005999034, 0.0], [691.4004950103156, 446.2077944086005, 776.6971126846954, 704.0986840897938, 0.0], [556.4635042067213, 438.4975603982668, 661.2080983261409, 754.7235744484628, 0.0], [427.1399548050597, 421.48649251461427, 531.5641447562626, 736.7517429994069, 0.0], [818.7866801884511, 431.3401219073761, 872.0707827517938, 593.1863028513714, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1156.0, 407.0, 1330.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1096.0, 446.0, 1140.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [570.0, 493.0, 622.0, 586.0, 0.0], [385.0, 511.0, 462.0, 634.0, 0.0], [629.0, 470.0, 699.0, 613.0, 0.0], [927.0, 450.0, 953.0, 518.0, 1.0], [1323.0, 315.0, 1813.0, 1337.0, 1.0], [1084.0, 436.0, 1122.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1081.0, 401.0, 1289.0, 1075.0, 1.0], [1009.0, 422.0, 1152.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [437.0, 456.0, 473.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [754.0, 412.0, 858.0, 726.0, 1.0], [687.0, 434.0, 763.0, 709.0, 1.0], [544.0, 439.0, 683.0, 757.0, 1.0], [419.0, 434.0, 535.0, 750.0, 1.0], [1240.0, 422.0, 1362.0, 745.0, 1.0], [825.0, 439.0, 877.0, 597.0, 1.0], [1218.0, 448.0, 1253.0, 540.0, 1.0], [995.0, 453.0, 1028.0, 535.0, 1.0], [978.0, 450.0, 1003.0, 527.0, 1.0], [622.0, 458.0, 650.0, 535.0, 1.0], [723.0, 452.0, 748.0, 525.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [547.0, 456.0, 572.0, 528.0, 1.0], [521.0, 460.0, 545.0, 527.0, 1.0], [636.0, 534.0, 717.0, 640.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [547.0, 538.0, 643.0, 617.0, 0.0], [349.0, 563.0, 508.0, 663.0, 0.0], [477.0, 459.0, 504.0, 537.0, 1.0], [530.0, 459.0, 550.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 505.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1017.0, 452.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [53844.98732228479], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 5], [2, 6], [4, 4], [5, 1]], "ret_unmatched_detections": [3, 6], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 21, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 67}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 48}, {"time_since_observed": 2, "confidence": 0.160160284805862, "age": 21}], "frame_count": 436, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[523.01, 458.99, 546.633, 531.859, 1.118], [704.29, 389.02, 824.55, 751.79, 0.51938]]}, "detections": [[423.24, 423.24, 527.8, 738.9200000000001, 1.4209], [566.69, 430.92, 678.83, 769.33, 1.2253], [524.81, 460.48, 546.784, 528.402, 1.1857], [761.04, 402.13, 865.5999999999999, 717.81, 1.1559], [686.94, 446.86, 771.682, 703.09, 1.0164], [702.45, 385.67, 814.59, 724.08, 0.42542]], "trackers": [[1183.974723533071, 500.37212924746694, 1368.6867351838328, 1056.5718481574272, 0.0], [992.2288142275856, 400.65322761380037, 1177.84244194459, 959.5051310230587, 0.0], [963.536497510763, 411.6900298988988, 1133.9673328463066, 924.9919562423686, 0.0], [762.3876399072964, 399.75259231802534, 867.5289520181265, 717.1734815875036, 0.0], [690.6043052620552, 430.79218236829433, 779.3642214115717, 699.0754991240258, 0.0], [569.0668369548947, 434.2681605207946, 678.3096757679319, 763.9884206518715, 0.0], [421.5644239719785, 427.8864400901416, 530.7486387588534, 757.4323710213253, 0.0], [816.0960890648976, 430.5894718265936, 869.2401976999024, 592.0104324597112, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1159.0, 407.0, 1333.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1097.0, 446.0, 1141.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [565.0, 494.0, 617.0, 587.0, 0.0], [380.0, 511.0, 457.0, 635.0, 0.0], [626.0, 470.0, 696.0, 614.0, 0.0], [927.0, 450.0, 953.0, 518.0, 1.0], [1270.0, 311.0, 1759.0, 1337.0, 1.0], [1083.0, 436.0, 1121.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1086.0, 401.0, 1296.0, 1075.0, 1.0], [1012.0, 422.0, 1155.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 464.0, 429.0, 577.0, 1.0], [437.0, 456.0, 472.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [757.0, 412.0, 860.0, 725.0, 1.0], [694.0, 435.0, 770.0, 709.0, 1.0], [545.0, 439.0, 685.0, 757.0, 1.0], [425.0, 434.0, 544.0, 750.0, 1.0], [1245.0, 423.0, 1377.0, 746.0, 1.0], [823.0, 439.0, 875.0, 597.0, 1.0], [1218.0, 448.0, 1252.0, 540.0, 1.0], [997.0, 453.0, 1030.0, 535.0, 1.0], [979.0, 450.0, 1004.0, 527.0, 1.0], [622.0, 458.0, 650.0, 536.0, 1.0], [723.0, 452.0, 748.0, 526.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [548.0, 456.0, 573.0, 528.0, 1.0], [521.0, 460.0, 545.0, 527.0, 1.0], [632.0, 535.0, 715.0, 641.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [544.0, 539.0, 639.0, 618.0, 0.0], [342.0, 564.0, 502.0, 664.0, 0.0], [477.0, 459.0, 503.0, 537.0, 1.0], [530.0, 459.0, 550.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1018.0, 452.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [53964.49896078278], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [3, 3], [4, 4]], "ret_unmatched_detections": [2, 5], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 436}, {"time_since_observed": 1, "confidence": 1, "age": 352}, {"time_since_observed": 22, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 68}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 49}, {"time_since_observed": 3, "confidence": 0.11127688134121728, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 437, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[702.45, 385.67, 814.59, 724.08, 0.42542]]}, "detections": [[423.24, 423.24, 527.8, 738.9200000000001, 1.4575], [761.04, 402.13, 865.5999999999999, 717.81, 1.4143], [571.03, 423.24, 675.5899999999999, 738.9200000000001, 1.3024], [699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.0914], [524.81, 460.48, 546.784, 528.402, 1.0601]], "trackers": [[1191.6482581202713, 505.09365482501596, 1376.3581797051193, 1061.2870801860968, 0.0], [989.1731824680603, 399.3910676968185, 1174.6634288362595, 957.8714902914778, 0.0], [963.6338239094425, 411.6483040509067, 1134.064659240567, 924.9502303810671, 0.0], [765.2914567426657, 401.27637103228244, 869.8929961893122, 717.0764005265166, 0.0], [693.737927849593, 440.80434157524064, 779.91015741981, 701.3234504684481, 0.0], [573.3301354248109, 432.69346769314586, 684.2453427882598, 767.4279674795856, 0.0], [429.24828723127916, 424.08905611826196, 535.3485334136585, 744.3839270033321, 0.0], [813.4056828172583, 429.8393832915484, 866.4094277720968, 590.8340005223137, 0.0], [526.6629221871995, 462.2086265950198, 546.8820778128006, 524.7063734049802, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1162.0, 406.0, 1335.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1097.0, 446.0, 1141.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [560.0, 495.0, 613.0, 588.0, 0.0], [374.0, 512.0, 452.0, 636.0, 0.0], [622.0, 470.0, 693.0, 614.0, 0.0], [927.0, 450.0, 952.0, 517.0, 1.0], [1221.0, 324.0, 1690.0, 1339.0, 1.0], [1082.0, 436.0, 1120.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1090.0, 401.0, 1302.0, 1074.0, 1.0], [1014.0, 422.0, 1157.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [436.0, 456.0, 471.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [760.0, 412.0, 862.0, 723.0, 1.0], [701.0, 436.0, 777.0, 708.0, 1.0], [546.0, 439.0, 687.0, 757.0, 1.0], [427.0, 434.0, 549.0, 749.0, 1.0], [1250.0, 424.0, 1393.0, 747.0, 1.0], [822.0, 440.0, 873.0, 597.0, 1.0], [1217.0, 448.0, 1252.0, 540.0, 1.0], [998.0, 453.0, 1031.0, 534.0, 1.0], [980.0, 450.0, 1005.0, 527.0, 1.0], [622.0, 458.0, 650.0, 536.0, 1.0], [723.0, 452.0, 748.0, 526.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [548.0, 456.0, 573.0, 528.0, 1.0], [521.0, 460.0, 545.0, 527.0, 1.0], [628.0, 535.0, 713.0, 642.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [541.0, 540.0, 636.0, 619.0, 0.0], [334.0, 564.0, 496.0, 665.0, 0.0], [477.0, 459.0, 503.0, 537.0, 1.0], [530.0, 459.0, 550.0, 513.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1018.0, 452.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [47799.972594824256], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 3], [2, 5], [3, 4], [4, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 437}, {"time_since_observed": 2, "confidence": 1, "age": 353}, {"time_since_observed": 23, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 69}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 50}, {"time_since_observed": 4, "confidence": 0.09818676543444141, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 438, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[591.95, 434.36, 689.442, 728.83, 1.4242], [761.04, 402.13, 865.5999999999999, 717.81, 1.1711], [524.81, 460.48, 546.784, 528.402, 1.0388], [430.92, 430.92, 543.0600000000001, 769.33, 0.94049], [690.44, 414.66, 787.932, 709.1300000000001, 0.91896]], "trackers": [[1199.3212701954276, 509.81360702869785, 1384.0301467384497, 1066.0038855886337, 0.0], [986.0867207643496, 398.0360839220095, 1171.5152456721144, 956.330673417724, 0.0], [963.7311503070172, 411.60657819958726, 1134.161985635932, 924.908504523093, 0.0], [766.0561958156632, 401.8780787131953, 870.4529922986337, 717.0632941685421, 0.0], [703.547102420628, 428.8897784708934, 792.6309944545861, 698.1447813992102, 0.0], [577.2082838135641, 425.67684439483844, 683.9793807154342, 747.9836295804015, 0.0], [431.5770731240298, 422.7737825066556, 536.4820700901876, 739.482029007612, 0.0], [810.7154629181997, 429.0898607753473, 863.5784714957105, 589.657002566072, 0.0], [525.3724814458774, 460.9882435954712, 546.8218262464304, 527.2885256352981, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1165.0, 406.0, 1338.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1098.0, 445.0, 1142.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [554.0, 495.0, 608.0, 589.0, 0.0], [368.0, 512.0, 447.0, 637.0, 0.0], [619.0, 470.0, 690.0, 615.0, 0.0], [926.0, 450.0, 952.0, 517.0, 1.0], [1173.0, 338.0, 1621.0, 1342.0, 1.0], [1081.0, 437.0, 1119.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1094.0, 401.0, 1309.0, 1074.0, 1.0], [1016.0, 422.0, 1159.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [435.0, 456.0, 470.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [763.0, 412.0, 864.0, 721.0, 1.0], [709.0, 437.0, 785.0, 708.0, 1.0], [547.0, 439.0, 689.0, 757.0, 1.0], [430.0, 434.0, 554.0, 748.0, 1.0], [1256.0, 425.0, 1408.0, 748.0, 1.0], [820.0, 440.0, 871.0, 597.0, 1.0], [1216.0, 448.0, 1251.0, 540.0, 1.0], [999.0, 453.0, 1032.0, 534.0, 1.0], [981.0, 450.0, 1006.0, 527.0, 1.0], [622.0, 458.0, 651.0, 536.0, 1.0], [724.0, 452.0, 748.0, 526.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [549.0, 456.0, 574.0, 528.0, 1.0], [521.0, 460.0, 546.0, 527.0, 1.0], [624.0, 536.0, 711.0, 643.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [537.0, 539.0, 631.0, 620.0, 0.0], [327.0, 564.0, 491.0, 666.0, 0.0], [476.0, 459.0, 502.0, 537.0, 1.0], [530.0, 459.0, 550.0, 514.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1019.0, 452.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [47575.28851203386], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 8], [3, 6], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 438}, {"time_since_observed": 3, "confidence": 1, "age": 354}, {"time_since_observed": 24, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 70}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 51}, {"time_since_observed": 5, "confidence": 0.08207009839019967, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 439, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[591.95, 434.36, 689.442, 728.83, 1.4327], [704.08, 446.86, 788.822, 703.09, 0.65762], [523.01, 458.99, 546.633, 531.859, 0.62222], [769.23, 414.66, 866.722, 709.1300000000001, 0.59409], [434.36, 434.36, 531.852, 728.83, 0.59049]], "trackers": [[1206.994021011236, 514.5327725354317, 1391.702375031128, 1070.7214776881183, 0.0], [982.9848325482677, 396.6346534724188, 1168.3824890203405, 954.836303218752, 0.0], [963.8284767040395, 411.56485234660414, 1134.2593120318497, 924.8667786667827, 0.0], [766.033454927055, 402.12399302581855, 870.3540670468018, 717.080467098023, 0.0], [700.5569975929163, 418.7082876152082, 794.980033556322, 703.9819954067146, 0.0], [592.7952915982086, 430.15172242340066, 693.5413699461693, 734.3819050082144, 0.0], [437.6119987820093, 428.56075626564274, 546.9781153801115, 758.6522906578223, 0.0], [808.0254308600446, 428.3409088107998, 860.7473273784207, 588.4794340581768, 0.0], [525.0581909082755, 460.70313121912494, 546.801240726809, 527.9112603614947, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1167.0, 406.0, 1340.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1098.0, 445.0, 1142.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [549.0, 496.0, 604.0, 590.0, 0.0], [363.0, 513.0, 442.0, 638.0, 0.0], [616.0, 470.0, 688.0, 616.0, 0.0], [926.0, 450.0, 952.0, 517.0, 1.0], [1124.0, 351.0, 1552.0, 1345.0, 1.0], [1080.0, 437.0, 1118.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1099.0, 401.0, 1316.0, 1073.0, 1.0], [1018.0, 422.0, 1161.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [434.0, 456.0, 469.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 448.0, 542.0, 1.0], [766.0, 412.0, 866.0, 720.0, 1.0], [710.0, 437.0, 799.0, 708.0, 1.0], [548.0, 439.0, 691.0, 757.0, 1.0], [433.0, 434.0, 560.0, 747.0, 1.0], [1261.0, 426.0, 1424.0, 749.0, 1.0], [819.0, 441.0, 869.0, 598.0, 1.0], [1216.0, 448.0, 1250.0, 540.0, 1.0], [1001.0, 453.0, 1033.0, 534.0, 1.0], [982.0, 450.0, 1007.0, 527.0, 1.0], [622.0, 458.0, 651.0, 536.0, 1.0], [724.0, 452.0, 749.0, 526.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 478.0, 740.0, 536.0, 0.0], [549.0, 456.0, 574.0, 528.0, 1.0], [522.0, 460.0, 546.0, 527.0, 1.0], [621.0, 536.0, 710.0, 644.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [533.0, 538.0, 626.0, 621.0, 0.0], [320.0, 565.0, 485.0, 667.0, 0.0], [476.0, 459.0, 502.0, 537.0, 1.0], [530.0, 459.0, 550.0, 514.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1019.0, 452.0, 1043.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [47794.69547504242], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 8], [3, 3], [4, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 439}, {"time_since_observed": 4, "confidence": 1, "age": 355}, {"time_since_observed": 25, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 71}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 440, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[591.95, 434.36, 689.442, 728.83, 1.4992], [524.81, 460.48, 546.784, 528.402, 0.7309], [699.41, 423.72, 790.3059999999999, 698.4100000000001, 0.56497], [454.06, 434.36, 551.552, 728.83, 0.43279]], "trackers": [[1214.6666411965393, 519.2515446911879, 1399.3747339543115, 1075.4394631385808, 0.0], [979.8752281870084, 395.2099909871614, 1165.2574485137438, 953.3651650554467, 0.0], [963.9258031007857, 411.52312649278923, 1134.3566384280434, 924.825052811304, 0.0], [771.2561187284668, 410.2119818883316, 871.1440303615993, 711.8678590199495, 0.0], [708.1023833733485, 436.26759104261487, 796.545275965021, 703.6060538891052, 0.0], [598.2084413219357, 432.11685379847995, 696.5642570926907, 729.170380964601, 0.0], [441.1881151952051, 431.4396707591144, 542.9817131659655, 738.8157741225067, 0.0], [523.0156793045186, 458.98237982947836, 546.6256608079947, 531.8682936706173, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1170.0, 405.0, 1343.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1099.0, 444.0, 1143.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [544.0, 497.0, 599.0, 591.0, 0.0], [357.0, 513.0, 437.0, 639.0, 0.0], [612.0, 470.0, 685.0, 617.0, 0.0], [926.0, 450.0, 952.0, 516.0, 1.0], [1076.0, 365.0, 1484.0, 1348.0, 1.0], [1079.0, 437.0, 1117.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1103.0, 401.0, 1323.0, 1073.0, 1.0], [1020.0, 422.0, 1163.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [433.0, 456.0, 468.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 449.0, 542.0, 1.0], [772.0, 411.0, 867.0, 718.0, 1.0], [711.0, 438.0, 813.0, 708.0, 1.0], [550.0, 439.0, 693.0, 757.0, 1.0], [435.0, 434.0, 561.0, 746.0, 1.0], [1266.0, 427.0, 1439.0, 750.0, 1.0], [817.0, 441.0, 867.0, 597.0, 1.0], [1215.0, 448.0, 1250.0, 540.0, 1.0], [1002.0, 453.0, 1034.0, 534.0, 1.0], [983.0, 450.0, 1008.0, 527.0, 1.0], [622.0, 458.0, 651.0, 536.0, 1.0], [724.0, 452.0, 749.0, 526.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 740.0, 536.0, 0.0], [550.0, 456.0, 575.0, 528.0, 1.0], [522.0, 460.0, 546.0, 527.0, 1.0], [617.0, 537.0, 708.0, 645.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [530.0, 537.0, 622.0, 622.0, 0.0], [313.0, 565.0, 479.0, 668.0, 0.0], [476.0, 459.0, 501.0, 537.0, 1.0], [530.0, 459.0, 550.0, 514.0, 1.0], [587.0, 459.0, 605.0, 508.0, 1.0], [568.0, 458.0, 585.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 454.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1020.0, 452.0, 1044.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [51211.198784933134], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 7], [2, 4], [3, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 440}, {"time_since_observed": 5, "confidence": 1, "age": 356}, {"time_since_observed": 26, "confidence": 1, "age": 221}, {"time_since_observed": 1, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 72}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 441, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[592.14, 423.24, 696.7, 738.9200000000001, 1.9658], [704.08, 446.86, 788.822, 703.09, 0.84285], [444.35, 423.24, 548.9100000000001, 738.9200000000001, 0.52288]], "trackers": [[1222.3391960663816, 523.9701201708292, 1407.047158192956, 1080.1576452651582, 0.0], [976.7617650304214, 393.77371030802306, 1162.136266802475, 951.9056450860223, 0.0], [964.0231294973937, 411.4814006385584, 1134.4539648243754, 924.7833269562414, 0.0], [774.463674674129, 410.33087785672535, 874.233486548092, 711.6301003555762, 0.0], [707.4582459458278, 427.41178101019386, 797.3897434205716, 699.2110353760459, 0.0], [599.7388608041176, 432.99343569606117, 697.1731070590199, 727.2793106415527, 0.0], [456.12822499850586, 432.84320455890634, 554.888431649558, 731.1116386552258, 0.0], [524.2822569897194, 460.02213613773466, 546.7474870953872, 529.4287471962454, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1173.0, 405.0, 1345.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1099.0, 444.0, 1143.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [539.0, 498.0, 595.0, 593.0, 0.0], [352.0, 514.0, 432.0, 640.0, 0.0], [609.0, 471.0, 682.0, 618.0, 0.0], [926.0, 450.0, 952.0, 516.0, 1.0], [1029.0, 362.0, 1432.0, 1345.0, 1.0], [1078.0, 437.0, 1116.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1108.0, 401.0, 1330.0, 1073.0, 1.0], [1023.0, 422.0, 1166.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [433.0, 457.0, 467.0, 567.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 449.0, 542.0, 1.0], [778.0, 410.0, 868.0, 716.0, 1.0], [712.0, 439.0, 827.0, 708.0, 1.0], [559.0, 439.0, 695.0, 755.0, 1.0], [437.0, 434.0, 562.0, 745.0, 1.0], [1272.0, 428.0, 1455.0, 751.0, 1.0], [815.0, 441.0, 865.0, 596.0, 1.0], [1214.0, 448.0, 1249.0, 539.0, 1.0], [1003.0, 453.0, 1036.0, 534.0, 1.0], [984.0, 450.0, 1009.0, 527.0, 1.0], [622.0, 458.0, 651.0, 537.0, 1.0], [724.0, 452.0, 749.0, 527.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 740.0, 536.0, 0.0], [550.0, 455.0, 575.0, 528.0, 1.0], [522.0, 460.0, 546.0, 527.0, 1.0], [613.0, 537.0, 706.0, 646.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [526.0, 537.0, 617.0, 623.0, 0.0], [306.0, 566.0, 474.0, 670.0, 0.0], [476.0, 460.0, 501.0, 537.0, 1.0], [530.0, 459.0, 550.0, 514.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [567.0, 458.0, 584.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [590.0, 455.0, 609.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1020.0, 452.0, 1044.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [50983.98256502922], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 441}, {"time_since_observed": 6, "confidence": 1, "age": 357}, {"time_since_observed": 27, "confidence": 1, "age": 222}, {"time_since_observed": 2, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 73}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 54}, {"time_since_observed": 1, "confidence": 0.015291424971511926, "age": 6}], "frame_count": 442, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[592.14, 423.24, 696.7, 738.9200000000001, 1.585], [465.47, 423.24, 570.03, 738.9200000000001, 0.91068], [782.15, 402.13, 886.71, 717.81, 0.70742], [710.14, 414.66, 807.632, 709.1300000000001, 0.65613], [1068.1, 243.51, 1309.61, 970.05, 0.36023]], "trackers": [[1230.011718278442, 528.6885973122568, 1414.7196150893824, 1084.8759257299494, 0.0], [973.6463722954244, 392.33161998774744, 1159.017014669616, 950.4519347577352, 0.0], [964.1204558939328, 411.4396747841196, 1134.5512912207762, 924.7416011013867, 0.0], [777.6417319075279, 410.3606893725902, 877.3524414468479, 711.4814261437319, 0.0], [709.826593441088, 439.8205460555148, 796.4671787078668, 701.7463075329483, 0.0], [600.1991628734594, 426.2179475390992, 701.8430328223943, 733.1413578805646, 0.0], [454.53327829753994, 426.2686744324611, 556.686563638845, 734.7215029339421, 0.0], [524.2219876822842, 459.966623607227, 546.7439694870404, 529.5485697540944, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1176.0, 404.0, 1348.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1100.0, 443.0, 1144.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [534.0, 498.0, 590.0, 594.0, 0.0], [343.0, 514.0, 424.0, 640.0, 0.0], [606.0, 471.0, 679.0, 619.0, 0.0], [926.0, 450.0, 951.0, 516.0, 1.0], [983.0, 359.0, 1381.0, 1342.0, 1.0], [1077.0, 437.0, 1115.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1112.0, 401.0, 1336.0, 1072.0, 1.0], [1025.0, 422.0, 1170.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [432.0, 456.0, 466.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 449.0, 542.0, 1.0], [785.0, 410.0, 870.0, 714.0, 1.0], [713.0, 440.0, 842.0, 708.0, 1.0], [568.0, 439.0, 697.0, 753.0, 1.0], [440.0, 434.0, 564.0, 745.0, 1.0], [1276.0, 427.0, 1455.0, 752.0, 1.0], [813.0, 441.0, 864.0, 596.0, 1.0], [1214.0, 448.0, 1248.0, 539.0, 1.0], [1005.0, 453.0, 1037.0, 534.0, 1.0], [985.0, 450.0, 1010.0, 527.0, 1.0], [622.0, 458.0, 651.0, 537.0, 1.0], [724.0, 452.0, 750.0, 527.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [550.0, 455.0, 576.0, 528.0, 1.0], [522.0, 460.0, 546.0, 527.0, 1.0], [609.0, 538.0, 704.0, 647.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [522.0, 538.0, 613.0, 624.0, 0.0], [298.0, 566.0, 467.0, 671.0, 0.0], [475.0, 460.0, 500.0, 537.0, 1.0], [530.0, 459.0, 550.0, 515.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [567.0, 458.0, 584.0, 513.0, 1.0], [595.0, 454.0, 612.0, 504.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1020.0, 452.0, 1044.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [51333.20361733702], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 3], [3, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 442}, {"time_since_observed": 7, "confidence": 1, "age": 358}, {"time_since_observed": 28, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 74}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 55}, {"time_since_observed": 2, "confidence": 0.00915853608168342, "age": 7}], "frame_count": 443, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1068.1, 243.51, 1309.61, 970.05, 0.36023]]}, "detections": [[589.31, 430.92, 701.4499999999999, 769.33, 1.7353], [788.93, 414.66, 886.4219999999999, 709.1300000000001, 1.3788], [473.76, 434.36, 571.252, 728.83, 0.76255], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 0.37567]], "trackers": [[1237.6842241615982, 533.4070252845382, 1422.392088314713, 1089.5942553638865, 0.0], [970.5300147260282, 390.8866247108308, 1155.8987273711564, 949.0011293860891, 0.0], [964.2177822904372, 411.3979489295768, 1134.6486176172116, 924.6998752466359, 0.0], [785.1412332192871, 403.6777958984409, 888.6906859431828, 716.3251177945843, 0.0], [715.0812080282884, 422.98173122626736, 808.6310372889963, 705.6401995341416, 0.0], [599.917048976697, 423.79130145204243, 703.1277353377069, 735.4160033242724, 0.0], [468.4398553145941, 423.882040014649, 571.8641689422434, 736.148341518732, 0.0], [524.1617896978381, 459.91133142999126, 546.7403805557045, 529.6681719586715, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1179.0, 404.0, 1350.0, 924.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1100.0, 443.0, 1145.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [529.0, 498.0, 586.0, 595.0, 0.0], [335.0, 514.0, 417.0, 640.0, 0.0], [602.0, 471.0, 677.0, 620.0, 0.0], [926.0, 450.0, 951.0, 515.0, 1.0], [936.0, 357.0, 1330.0, 1339.0, 1.0], [1076.0, 437.0, 1114.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1116.0, 401.0, 1343.0, 1072.0, 1.0], [1027.0, 422.0, 1175.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [432.0, 456.0, 466.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 449.0, 542.0, 1.0], [787.0, 409.0, 872.0, 713.0, 1.0], [713.0, 439.0, 843.0, 707.0, 1.0], [577.0, 439.0, 700.0, 751.0, 1.0], [449.0, 433.0, 568.0, 742.0, 1.0], [1280.0, 427.0, 1456.0, 754.0, 1.0], [811.0, 441.0, 862.0, 595.0, 1.0], [1213.0, 448.0, 1248.0, 539.0, 1.0], [1006.0, 453.0, 1038.0, 534.0, 1.0], [987.0, 450.0, 1012.0, 527.0, 1.0], [622.0, 458.0, 651.0, 537.0, 1.0], [724.0, 452.0, 750.0, 527.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [551.0, 455.0, 576.0, 528.0, 1.0], [522.0, 460.0, 547.0, 528.0, 1.0], [606.0, 539.0, 703.0, 648.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [519.0, 539.0, 609.0, 625.0, 0.0], [290.0, 567.0, 461.0, 672.0, 0.0], [475.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 515.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1021.0, 452.0, 1045.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [52315.330951615906], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 6], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 443}, {"time_since_observed": 8, "confidence": 1, "age": 359}, {"time_since_observed": 29, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 75}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 56}, {"time_since_observed": 3, "confidence": 0.007024759238700742, "age": 8}], "frame_count": 444, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[782.15, 402.13, 886.71, 717.81, 1.3136], [611.65, 434.36, 709.1419999999999, 728.83, 1.2646], [473.76, 434.36, 571.252, 728.83, 0.9268], [710.14, 414.66, 807.632, 709.1300000000001, 0.57791]], "trackers": [[1245.3567218802991, 538.1254286722369, 1430.0645697044988, 1094.3126095824064, 0.0], [967.4131747281327, 389.4401769215727, 1152.7809225011958, 947.5517765267846, 0.0], [964.3151086869244, 411.35622307498204, 1134.7459440136643, 924.6581493919372, 0.0], [791.2944873956907, 410.8357992236408, 890.9163607296233, 711.6978649254891, 0.0], [721.8589326990248, 422.50169782300225, 813.7441244549075, 700.1617478792438, 0.0], [597.6084137072587, 429.16629357446686, 706.3143227006049, 757.2778703773622, 0.0], [478.7290475470682, 430.1431350840851, 578.1560693047734, 730.4129776794061, 0.0], [524.1016625012562, 459.8562579527527, 546.7367208365044, 529.7875554632514, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1182.0, 404.0, 1353.0, 925.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1101.0, 442.0, 1145.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [524.0, 499.0, 582.0, 597.0, 0.0], [327.0, 514.0, 410.0, 640.0, 0.0], [599.0, 471.0, 674.0, 621.0, 0.0], [926.0, 450.0, 951.0, 515.0, 1.0], [890.0, 354.0, 1279.0, 1336.0, 1.0], [1075.0, 437.0, 1113.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1121.0, 401.0, 1350.0, 1071.0, 1.0], [1029.0, 423.0, 1180.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [431.0, 456.0, 465.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 459.0, 449.0, 542.0, 1.0], [789.0, 409.0, 875.0, 713.0, 1.0], [713.0, 439.0, 844.0, 707.0, 1.0], [586.0, 439.0, 702.0, 749.0, 1.0], [458.0, 433.0, 572.0, 740.0, 1.0], [1284.0, 427.0, 1456.0, 755.0, 1.0], [809.0, 441.0, 861.0, 594.0, 1.0], [1212.0, 448.0, 1247.0, 539.0, 1.0], [1007.0, 453.0, 1039.0, 534.0, 1.0], [988.0, 450.0, 1013.0, 527.0, 1.0], [622.0, 458.0, 651.0, 537.0, 1.0], [724.0, 452.0, 750.0, 527.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [551.0, 455.0, 577.0, 528.0, 1.0], [522.0, 460.0, 547.0, 528.0, 1.0], [602.0, 539.0, 701.0, 649.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [515.0, 540.0, 605.0, 626.0, 0.0], [282.0, 568.0, 454.0, 673.0, 0.0], [475.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 515.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1010.0, 453.0, 1028.0, 514.0, 0.0], [1021.0, 452.0, 1045.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [52032.6619246258], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 5], [2, 6], [3, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 17, "confidence": 1, "age": 444}, {"time_since_observed": 9, "confidence": 1, "age": 360}, {"time_since_observed": 30, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 76}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 57}], "frame_count": 445, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[782.15, 402.13, 886.71, 717.81, 1.9176], [611.65, 434.36, 709.1419999999999, 728.83, 1.681], [473.76, 434.36, 571.252, 728.83, 0.59338]], "trackers": [[1253.0292155167715, 542.8438197676417, 1437.7370551765132, 1099.0309760932203, 0.0], [964.2960935131628, 387.9930028676382, 1149.66335884831, 946.1031499321563, 0.0], [964.412435083403, 411.3144972203613, 1134.8432704101256, 924.6164235372644, 0.0], [788.6559383363491, 405.2504531606353, 891.3731105190146, 715.4022060244406, 0.0], [718.7759807481726, 416.7080558759376, 814.2187624307525, 705.0381286261013, 0.0], [611.6326896647964, 431.8168603600101, 713.198619038647, 738.510030739844, 0.0], [482.0367064519287, 432.6557209694737, 579.9025432539518, 728.2380326552478, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1183.0, 403.0, 1355.0, 925.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1101.0, 442.0, 1146.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [520.0, 499.0, 578.0, 598.0, 0.0], [319.0, 515.0, 403.0, 641.0, 0.0], [596.0, 471.0, 671.0, 622.0, 0.0], [925.0, 450.0, 951.0, 515.0, 1.0], [844.0, 352.0, 1228.0, 1334.0, 1.0], [1074.0, 437.0, 1112.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1125.0, 401.0, 1357.0, 1071.0, 1.0], [1032.0, 423.0, 1185.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [431.0, 456.0, 465.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [791.0, 409.0, 877.0, 712.0, 1.0], [713.0, 439.0, 845.0, 706.0, 1.0], [596.0, 439.0, 704.0, 748.0, 1.0], [468.0, 433.0, 576.0, 737.0, 1.0], [1288.0, 427.0, 1457.0, 757.0, 1.0], [807.0, 441.0, 859.0, 594.0, 1.0], [1212.0, 448.0, 1246.0, 539.0, 1.0], [1009.0, 453.0, 1040.0, 534.0, 1.0], [989.0, 450.0, 1015.0, 527.0, 1.0], [622.0, 458.0, 652.0, 537.0, 1.0], [725.0, 452.0, 750.0, 527.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [552.0, 455.0, 578.0, 528.0, 1.0], [523.0, 460.0, 547.0, 528.0, 1.0], [598.0, 540.0, 699.0, 650.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [512.0, 541.0, 601.0, 627.0, 0.0], [275.0, 568.0, 448.0, 674.0, 0.0], [474.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 515.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1021.0, 452.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [59017.696890353356], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 5], [2, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 18, "confidence": 1, "age": 445}, {"time_since_observed": 10, "confidence": 1, "age": 361}, {"time_since_observed": 31, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 77}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 58}], "frame_count": 446, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 2.2895], [788.93, 414.66, 886.4219999999999, 709.1300000000001, 1.616], [493.46, 434.36, 590.952, 728.83, 0.87905], [1326.6, 390.88, 1455.56, 779.76, 0.34712]], "trackers": [[1260.7017071121295, 547.5622047168988, 1445.409542689642, 1103.7493487501818, 0.0], [961.1788916889492, 386.5454656792391, 1146.5459158046676, 944.6548864719927, 0.0], [964.5097614798773, 411.2727713657275, 1134.9405968065912, 924.5746976826047, 0.0], [787.3947156337761, 403.1922732423287, 891.2547270683667, 716.7726052515258, 0.0], [723.287057222351, 415.8618786191254, 818.7429018685791, 704.2314142306246, 0.0], [616.5693397372306, 433.09672986395157, 715.2798111194868, 731.2166413554366, 0.0], [482.7125835748146, 433.6758141864131, 579.9830901206768, 727.4704084045529, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1185.0, 403.0, 1357.0, 926.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1102.0, 442.0, 1146.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [515.0, 499.0, 574.0, 600.0, 0.0], [311.0, 515.0, 396.0, 641.0, 0.0], [592.0, 471.0, 668.0, 623.0, 0.0], [925.0, 450.0, 951.0, 514.0, 1.0], [806.0, 348.0, 1190.0, 1330.0, 1.0], [1073.0, 437.0, 1111.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1130.0, 401.0, 1364.0, 1071.0, 1.0], [1034.0, 424.0, 1190.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [430.0, 456.0, 465.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [793.0, 409.0, 880.0, 712.0, 1.0], [714.0, 439.0, 846.0, 706.0, 1.0], [605.0, 439.0, 707.0, 746.0, 1.0], [477.0, 432.0, 580.0, 735.0, 1.0], [1295.0, 426.0, 1457.0, 757.0, 1.0], [806.0, 441.0, 857.0, 593.0, 1.0], [1211.0, 448.0, 1246.0, 539.0, 1.0], [1010.0, 453.0, 1042.0, 534.0, 1.0], [991.0, 450.0, 1017.0, 528.0, 1.0], [622.0, 458.0, 652.0, 538.0, 1.0], [725.0, 452.0, 751.0, 528.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [552.0, 455.0, 578.0, 528.0, 1.0], [523.0, 460.0, 547.0, 528.0, 1.0], [594.0, 540.0, 697.0, 651.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [508.0, 542.0, 597.0, 628.0, 0.0], [267.0, 569.0, 442.0, 676.0, 0.0], [474.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 515.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 452.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [58824.25750609891], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 6]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2, 4, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 19, "confidence": 1, "age": 446}, {"time_since_observed": 11, "confidence": 1, "age": 362}, {"time_since_observed": 32, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 78}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 59}], "frame_count": 447, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1326.6, 390.88, 1455.56, 779.76, 0.34712]]}, "detections": [[613.25, 423.24, 717.81, 738.9200000000001, 2.121], [788.93, 414.66, 886.4219999999999, 709.1300000000001, 1.3935], [493.46, 434.36, 590.952, 728.83, 0.60852], [1336.0, 430.92, 1448.14, 769.33, 0.56686], [1098.8, 423.24, 1308.92, 1055.6, 0.49083]], "trackers": [[1268.37419768693, 552.2805865930823, 1453.0820312233282, 1108.467724480217, 0.0], [958.0616295599374, 385.09774692307604, 1143.4285330658238, 943.2068045795929, 0.0], [964.6070878763494, 411.23104551108725, 1135.037923203059, 924.5329718279514, 0.0], [791.1648685600826, 410.4018218813316, 891.0530541099331, 712.0638518011374, 0.0], [727.8013997726017, 415.0255680901571, 823.2637752303334, 703.414833107304, 0.0], [618.0146726423015, 433.68206929875333, 715.6184793147479, 728.4782847189522, 0.0], [496.45803815088715, 434.1119454460865, 593.5073233733867, 727.2423090509121, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1187.0, 403.0, 1360.0, 927.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1103.0, 441.0, 1147.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [510.0, 500.0, 570.0, 601.0, 0.0], [303.0, 515.0, 388.0, 641.0, 0.0], [589.0, 471.0, 666.0, 624.0, 0.0], [925.0, 450.0, 950.0, 514.0, 1.0], [768.0, 344.0, 1152.0, 1326.0, 1.0], [1072.0, 437.0, 1110.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1134.0, 401.0, 1370.0, 1070.0, 1.0], [1036.0, 424.0, 1195.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [430.0, 456.0, 464.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [796.0, 409.0, 883.0, 712.0, 1.0], [722.0, 437.0, 847.0, 704.0, 1.0], [614.0, 439.0, 709.0, 744.0, 1.0], [486.0, 432.0, 584.0, 732.0, 1.0], [1302.0, 425.0, 1458.0, 758.0, 1.0], [804.0, 441.0, 856.0, 592.0, 1.0], [1210.0, 448.0, 1245.0, 539.0, 1.0], [1011.0, 453.0, 1043.0, 534.0, 1.0], [992.0, 450.0, 1018.0, 528.0, 1.0], [622.0, 458.0, 652.0, 538.0, 1.0], [725.0, 452.0, 751.0, 528.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [553.0, 455.0, 579.0, 528.0, 1.0], [523.0, 460.0, 547.0, 528.0, 1.0], [590.0, 541.0, 695.0, 652.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [505.0, 543.0, 593.0, 629.0, 0.0], [259.0, 570.0, 435.0, 677.0, 0.0], [474.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 516.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 452.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [58364.809626976225], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 6], [3, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 4, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 447}, {"time_since_observed": 12, "confidence": 1, "age": 363}, {"time_since_observed": 33, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 3, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 79}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 60}], "frame_count": 448, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 423.24, 1308.92, 1055.6, 0.49083]]}, "detections": [[613.25, 423.24, 717.81, 738.9200000000001, 2.0281], [1116.6, 389.02, 1358.11, 1115.56, 0.75453], [497.24, 423.72, 588.136, 698.4100000000001, 0.6391], [1334.8, 413.27, 1455.06, 776.04, 0.35217], [722.48, 449.65, 751.794, 539.593, 0.30965]], "trackers": [[1343.3461410617115, 423.56064916340927, 1458.2828512360447, 770.3753896297375, 0.0], [954.9443372784822, 383.6499373828982, 1140.311180479423, 941.7588134712081, 0.0], [964.7044142728205, 411.18931965644373, 1135.135249599528, 924.4912459733014, 0.0], [792.3602849822117, 413.2127441203824, 890.6909823873158, 710.198867104237, 0.0], [732.3173751094984, 414.19419016566764, 827.7830158054418, 702.5933193795047, 0.0], [619.5376561843975, 426.7787707934209, 721.2677560235597, 733.9618475143969, 0.0], [501.06484374262857, 434.3188496906412, 598.0363376296133, 727.2157552612848, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1189.0, 403.0, 1362.0, 927.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1103.0, 441.0, 1147.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [506.0, 500.0, 566.0, 603.0, 0.0], [295.0, 516.0, 381.0, 641.0, 0.0], [586.0, 471.0, 663.0, 625.0, 0.0], [925.0, 450.0, 950.0, 514.0, 1.0], [730.0, 340.0, 1114.0, 1322.0, 1.0], [1071.0, 437.0, 1109.0, 547.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1138.0, 401.0, 1377.0, 1070.0, 1.0], [1039.0, 424.0, 1200.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [429.0, 456.0, 464.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [798.0, 408.0, 886.0, 711.0, 1.0], [730.0, 436.0, 849.0, 703.0, 1.0], [623.0, 439.0, 711.0, 742.0, 1.0], [496.0, 432.0, 589.0, 730.0, 1.0], [1309.0, 424.0, 1459.0, 758.0, 1.0], [802.0, 441.0, 854.0, 592.0, 1.0], [1210.0, 449.0, 1244.0, 539.0, 1.0], [1013.0, 453.0, 1044.0, 534.0, 1.0], [994.0, 450.0, 1020.0, 528.0, 1.0], [622.0, 458.0, 652.0, 538.0, 1.0], [725.0, 452.0, 751.0, 528.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [553.0, 455.0, 579.0, 528.0, 1.0], [523.0, 460.0, 548.0, 528.0, 1.0], [586.0, 541.0, 693.0, 653.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [501.0, 543.0, 589.0, 630.0, 0.0], [252.0, 570.0, 429.0, 678.0, 0.0], [473.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 516.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 452.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [49598.082528578285], "iou_threshold": 0.3, "ret_matches": [[0, 5], [2, 6], [3, 0], [1, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 3, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 364}, {"time_since_observed": 34, "confidence": 1, "age": 229}, {"time_since_observed": 1, "confidence": 1, "age": 134}, {"time_since_observed": 4, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 80}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 61}], "frame_count": 449, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.30965]]}, "detections": [[631.35, 434.36, 728.842, 728.83, 1.993], [493.46, 434.36, 590.952, 728.83, 0.73414], [1359.1, 413.27, 1479.36, 776.04, 0.7188], [1029.9, 446.86, 1200.38, 960.3100000000001, 0.6349], [722.48, 449.65, 751.794, 539.593, 0.61791], [1116.6, 389.02, 1358.11, 1115.56, 0.46512], [595.16, 473.9, 654.789, 654.79, 0.37431]], "trackers": [[1346.6638598302945, 412.02123807670114, 1464.4119328670965, 767.249502996699, 0.0], [1120.640656691115, 394.1998283519131, 1359.5732154878547, 1113.0270773340833, 0.0], [964.8017406692909, 411.1475938017986, 1135.2325759959974, 924.449520118653, 0.0], [795.0368936126423, 413.3083491271734, 893.3311523515166, 710.1844171790908, 0.0], [736.8341667768879, 413.3652783536098, 832.3014400500573, 701.7693395392736, 0.0], [619.7269544226602, 424.26950668388355, 722.9933191582935, 736.062042219665, 0.0], [504.65765401464057, 426.0728997082896, 597.4346456110626, 706.3912300965848, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1191.0, 403.0, 1365.0, 928.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1104.0, 440.0, 1148.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [501.0, 500.0, 562.0, 604.0, 0.0], [287.0, 516.0, 374.0, 642.0, 0.0], [582.0, 471.0, 660.0, 626.0, 0.0], [925.0, 450.0, 950.0, 513.0, 1.0], [693.0, 337.0, 1076.0, 1319.0, 1.0], [1070.0, 438.0, 1108.0, 548.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1143.0, 401.0, 1384.0, 1069.0, 1.0], [1041.0, 425.0, 1205.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [429.0, 456.0, 464.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [800.0, 408.0, 889.0, 711.0, 1.0], [738.0, 435.0, 851.0, 702.0, 1.0], [633.0, 440.0, 714.0, 741.0, 1.0], [499.0, 433.0, 598.0, 729.0, 1.0], [1317.0, 423.0, 1460.0, 759.0, 1.0], [800.0, 441.0, 853.0, 591.0, 1.0], [1209.0, 449.0, 1244.0, 538.0, 1.0], [1014.0, 453.0, 1045.0, 534.0, 1.0], [995.0, 450.0, 1022.0, 529.0, 1.0], [622.0, 458.0, 652.0, 538.0, 1.0], [725.0, 452.0, 751.0, 528.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 478.0, 741.0, 536.0, 0.0], [553.0, 455.0, 580.0, 528.0, 1.0], [523.0, 460.0, 548.0, 528.0, 1.0], [582.0, 542.0, 691.0, 655.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [497.0, 544.0, 586.0, 631.0, 0.0], [244.0, 571.0, 422.0, 679.0, 0.0], [473.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 516.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [595.0, 454.0, 612.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1023.0, 452.0, 1048.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [59425.75559138267], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 0], [3, 2], [5, 1]], "ret_unmatched_detections": [4, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [4, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 2, "confidence": 1, "age": 135}, {"time_since_observed": 5, "confidence": 0.9637058884733163, "age": 105}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 81}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 62}], "frame_count": 450, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.61791], [595.16, 473.9, 654.789, 654.79, 0.37431]]}, "detections": [[631.35, 434.36, 728.842, 728.83, 1.702], [1359.1, 413.27, 1479.36, 776.04, 1.3903], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.88109], [498.3, 464.01, 583.042, 720.24, 0.82148], [722.48, 449.65, 751.794, 539.593, 0.79995], [1116.6, 389.02, 1358.11, 1115.56, 0.78594]], "trackers": [[1364.841389268353, 408.617107705136, 1483.4362972825138, 766.3777547045181, 0.0], [1124.8484716129674, 393.46067203539394, 1365.9462793022367, 1118.774784520503, 0.0], [1031.844525924945, 447.83401709319287, 1202.3239850270818, 961.2823880222877, 0.0], [797.7043951097685, 413.37644805211085, 895.9804294490218, 710.1974733357981, 0.0], [741.3513665938185, 412.5375995503225, 836.8194561451317, 700.944126690272, 0.0], [632.0174780177407, 430.418263291401, 731.4190115342327, 730.6122808389496, 0.0], [503.0420966487226, 431.44345982309653, 598.4170593772034, 719.554299045311, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1193.0, 403.0, 1367.0, 929.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1104.0, 440.0, 1149.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [496.0, 501.0, 558.0, 606.0, 0.0], [279.0, 516.0, 367.0, 642.0, 0.0], [579.0, 471.0, 657.0, 627.0, 0.0], [925.0, 450.0, 950.0, 513.0, 1.0], [660.0, 344.0, 1044.0, 1325.0, 1.0], [1069.0, 438.0, 1107.0, 548.0, 1.0], [995.0, 445.0, 1030.0, 546.0, 1.0], [1147.0, 401.0, 1391.0, 1069.0, 1.0], [1043.0, 425.0, 1210.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 449.0, 542.0, 1.0], [802.0, 408.0, 892.0, 711.0, 1.0], [745.0, 434.0, 855.0, 701.0, 1.0], [635.0, 440.0, 722.0, 740.0, 1.0], [503.0, 434.0, 608.0, 728.0, 1.0], [1327.0, 422.0, 1462.0, 760.0, 1.0], [798.0, 441.0, 851.0, 590.0, 1.0], [1208.0, 449.0, 1243.0, 538.0, 1.0], [1015.0, 453.0, 1046.0, 534.0, 1.0], [997.0, 450.0, 1023.0, 529.0, 1.0], [622.0, 458.0, 652.0, 538.0, 1.0], [725.0, 452.0, 752.0, 528.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [723.0, 479.0, 742.0, 536.0, 0.0], [554.0, 455.0, 581.0, 528.0, 1.0], [523.0, 460.0, 548.0, 528.0, 1.0], [576.0, 542.0, 686.0, 656.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [493.0, 544.0, 583.0, 632.0, 0.0], [236.0, 572.0, 416.0, 680.0, 0.0], [473.0, 460.0, 500.0, 537.0, 1.0], [531.0, 459.0, 550.0, 516.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [594.0, 454.0, 611.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [59836.42195197955], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 0], [2, 2], [3, 6], [5, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 3, "confidence": 1, "age": 136}, {"time_since_observed": 6, "confidence": 0.8052593004137811, "age": 106}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 82}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 63}], "frame_count": 451, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[722.48, 449.65, 751.794, 539.593, 0.79995]]}, "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.4042], [1358.6, 430.92, 1470.74, 769.33, 1.3233], [634.36, 444.35, 738.9200000000001, 760.03, 1.1806], [507.69, 423.24, 612.25, 738.9200000000001, 0.67535], [1116.6, 389.02, 1358.11, 1115.56, 0.59387]], "trackers": [[1370.7561364416447, 407.85607965731674, 1489.6659088168626, 766.5582025974209, 0.0], [1125.927081751779, 393.07089600535164, 1367.7382569797219, 1120.522254378317, 0.0], [1029.8372623164869, 411.69344419119716, 1217.8763667053554, 977.836321238505, 0.0], [800.3673411407137, 413.43078819901484, 898.634262012708, 710.2242882705389, 0.0], [745.8687704815939, 411.71053723956004, 841.3372681693613, 700.1182973487456, 0.0], [636.271764681437, 432.87098197158963, 734.1626374952017, 728.5293419203015, 0.0], [504.85054095723376, 453.0503218004311, 593.1990644209175, 720.0897689970237, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1195.0, 403.0, 1370.0, 930.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1105.0, 439.0, 1149.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [492.0, 501.0, 554.0, 607.0, 0.0], [271.0, 517.0, 360.0, 642.0, 0.0], [576.0, 472.0, 655.0, 628.0, 0.0], [925.0, 450.0, 950.0, 513.0, 1.0], [628.0, 352.0, 1012.0, 1331.0, 1.0], [1068.0, 438.0, 1106.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1152.0, 401.0, 1398.0, 1069.0, 1.0], [1046.0, 426.0, 1215.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [805.0, 408.0, 896.0, 710.0, 1.0], [752.0, 434.0, 859.0, 700.0, 1.0], [638.0, 440.0, 730.0, 740.0, 1.0], [507.0, 435.0, 618.0, 728.0, 1.0], [1337.0, 421.0, 1465.0, 761.0, 1.0], [796.0, 441.0, 849.0, 590.0, 1.0], [1208.0, 449.0, 1242.0, 538.0, 1.0], [1017.0, 453.0, 1048.0, 534.0, 1.0], [998.0, 450.0, 1025.0, 529.0, 1.0], [622.0, 459.0, 653.0, 539.0, 1.0], [726.0, 452.0, 752.0, 529.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 479.0, 741.0, 536.0, 0.0], [554.0, 454.0, 581.0, 528.0, 1.0], [524.0, 460.0, 548.0, 528.0, 1.0], [570.0, 543.0, 681.0, 657.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [489.0, 545.0, 580.0, 634.0, 0.0], [229.0, 573.0, 410.0, 682.0, 0.0], [473.0, 461.0, 500.0, 538.0, 1.0], [531.0, 459.0, 550.0, 517.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [594.0, 454.0, 611.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [62035.66999673857], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 0], [2, 5], [3, 6], [4, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 4, "confidence": 1, "age": 137}, {"time_since_observed": 7, "confidence": 0.6720991997806482, "age": 107}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 83}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 64}], "frame_count": 452, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1359.1, 413.27, 1479.36, 776.04, 1.8223], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.6586], [507.69, 423.24, 612.25, 738.9200000000001, 0.60354]], "trackers": [[1371.3423491094131, 419.6135074625412, 1485.2905985796447, 763.4300839085503, 0.0], [1125.7387216601935, 392.6464743777623, 1367.814627322404, 1120.8909332499816, 0.0], [1029.310434307742, 400.6006688642456, 1222.5767711617414, 982.4192755009944, 0.0], [803.0280089633268, 413.47824752153946, 901.2903727847263, 710.2579840296589, 0.0], [750.3862764038098, 410.8837831720948, 845.8549781591504, 699.292159763922, 0.0], [639.863227198483, 441.7064443195071, 741.7133941539948, 749.2501313731424, 0.0], [512.4348413001393, 434.13467079902455, 610.9249020096826, 731.6180898684764, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1199.0, 404.0, 1374.0, 932.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1105.0, 439.0, 1150.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [487.0, 501.0, 549.0, 609.0, 0.0], [263.0, 517.0, 352.0, 642.0, 0.0], [570.0, 471.0, 650.0, 628.0, 0.0], [924.0, 449.0, 949.0, 512.0, 1.0], [596.0, 359.0, 980.0, 1338.0, 1.0], [1067.0, 438.0, 1105.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1153.0, 401.0, 1405.0, 1069.0, 1.0], [1047.0, 425.0, 1219.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [807.0, 408.0, 899.0, 710.0, 1.0], [760.0, 433.0, 864.0, 700.0, 1.0], [641.0, 441.0, 738.0, 739.0, 1.0], [510.0, 435.0, 623.0, 726.0, 1.0], [1348.0, 421.0, 1467.0, 762.0, 1.0], [794.0, 441.0, 848.0, 589.0, 1.0], [1207.0, 449.0, 1242.0, 538.0, 1.0], [1018.0, 453.0, 1049.0, 534.0, 1.0], [1000.0, 451.0, 1027.0, 530.0, 1.0], [622.0, 458.0, 653.0, 539.0, 1.0], [726.0, 452.0, 752.0, 529.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [722.0, 479.0, 741.0, 536.0, 0.0], [555.0, 454.0, 582.0, 528.0, 1.0], [524.0, 460.0, 548.0, 528.0, 1.0], [565.0, 543.0, 677.0, 658.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [485.0, 545.0, 577.0, 635.0, 0.0], [220.0, 573.0, 403.0, 682.0, 0.0], [472.0, 461.0, 499.0, 537.0, 1.0], [531.0, 459.0, 550.0, 517.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [594.0, 454.0, 611.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1022.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [63604.63891099403], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 4, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 452}, {"time_since_observed": 1, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 5, "confidence": 1, "age": 138}, {"time_since_observed": 8, "confidence": 0.5789937637256167, "age": 108}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 65}], "frame_count": 453, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1359.1, 413.27, 1479.36, 776.04, 1.8883], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.5226], [507.69, 423.24, 612.25, 738.9200000000001, 0.78338]], "trackers": [[1371.491640510228, 412.8697297916765, 1488.6666441989414, 766.3675709434337, 0.0], [1131.7672382890319, 395.22580412371997, 1374.068936424088, 1124.149521498578, 0.0], [1028.8719694664273, 396.5219259146925, 1224.0477232602288, 984.0653396986304, 0.0], [805.6875375629182, 413.52226607289765, 903.9476227797662, 710.2951205599455, 0.0], [754.9038333430009, 410.05718322553713, 850.3726371319643, 698.4658680581908, 0.0], [644.5680825734788, 442.6418634394281, 746.2926533126102, 749.8063039525791, 0.0], [514.9188323988451, 427.33099207076134, 617.0226103562497, 735.6465468160252, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1203.0, 406.0, 1379.0, 934.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1106.0, 438.0, 1150.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [482.0, 502.0, 545.0, 610.0, 0.0], [255.0, 517.0, 345.0, 643.0, 0.0], [565.0, 471.0, 645.0, 629.0, 0.0], [924.0, 449.0, 949.0, 512.0, 1.0], [564.0, 367.0, 948.0, 1344.0, 1.0], [1066.0, 438.0, 1104.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1154.0, 402.0, 1412.0, 1070.0, 1.0], [1049.0, 424.0, 1223.0, 951.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [809.0, 408.0, 902.0, 710.0, 1.0], [767.0, 433.0, 868.0, 699.0, 1.0], [644.0, 441.0, 746.0, 739.0, 1.0], [513.0, 435.0, 629.0, 725.0, 1.0], [1358.0, 420.0, 1470.0, 763.0, 1.0], [793.0, 441.0, 846.0, 588.0, 1.0], [1206.0, 449.0, 1241.0, 538.0, 1.0], [1019.0, 453.0, 1050.0, 534.0, 1.0], [1001.0, 450.0, 1028.0, 530.0, 1.0], [622.0, 458.0, 653.0, 539.0, 1.0], [726.0, 452.0, 753.0, 529.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 479.0, 741.0, 536.0, 0.0], [555.0, 454.0, 582.0, 528.0, 1.0], [524.0, 460.0, 549.0, 529.0, 1.0], [559.0, 544.0, 672.0, 660.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [481.0, 546.0, 574.0, 636.0, 0.0], [212.0, 574.0, 397.0, 683.0, 0.0], [472.0, 461.0, 499.0, 537.0, 1.0], [532.0, 459.0, 550.0, 517.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [593.0, 454.0, 610.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1021.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64590.8722798479], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 4, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 453}, {"time_since_observed": 2, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 6, "confidence": 1, "age": 139}, {"time_since_observed": 9, "confidence": 0.5115403679459914, "age": 109}, {"time_since_observed": 2, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 66}], "frame_count": 454, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1359.1, 413.27, 1479.36, 776.04, 1.8026], [1067.0, 405.34, 1249.79, 955.72, 1.2882], [824.37, 402.13, 928.9300000000001, 717.81, 0.50215], [497.24, 442.1, 588.136, 716.79, 0.46246]], "trackers": [[1370.8134238040736, 410.70404390243675, 1489.2050125296926, 767.850966694351, 0.0], [1137.8522424692342, 397.9750671233142, 1380.266757974408, 1127.2381764935383, 0.0], [1028.459502774034, 395.0046939160763, 1224.3551346611755, 984.7062431287582, 0.0], [808.3464965212793, 413.5645641489116, 906.6054424160366, 710.3339775655763, 0.0], [759.4214157906181, 409.23066033924783, 854.8902705963521, 697.6394992921912, 0.0], [649.2415679879372, 443.4825587742558, 750.9032824317632, 750.4572003171093, 0.0], [515.3792384018103, 424.80285795350926, 618.8332177368344, 737.1634546198715, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1208.0, 408.0, 1384.0, 937.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1106.0, 438.0, 1151.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [477.0, 502.0, 541.0, 612.0, 0.0], [247.0, 517.0, 338.0, 643.0, 0.0], [560.0, 471.0, 640.0, 630.0, 0.0], [924.0, 449.0, 949.0, 512.0, 1.0], [532.0, 375.0, 916.0, 1351.0, 1.0], [1065.0, 438.0, 1103.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1155.0, 402.0, 1419.0, 1071.0, 1.0], [1051.0, 424.0, 1228.0, 952.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [413.0, 468.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [812.0, 408.0, 906.0, 710.0, 1.0], [775.0, 433.0, 873.0, 699.0, 1.0], [647.0, 441.0, 754.0, 738.0, 1.0], [517.0, 435.0, 634.0, 724.0, 1.0], [1369.0, 420.0, 1473.0, 765.0, 1.0], [791.0, 441.0, 845.0, 588.0, 1.0], [1206.0, 449.0, 1240.0, 538.0, 1.0], [1021.0, 453.0, 1051.0, 534.0, 1.0], [1002.0, 449.0, 1029.0, 530.0, 1.0], [622.0, 458.0, 653.0, 539.0, 1.0], [726.0, 452.0, 753.0, 529.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 479.0, 740.0, 536.0, 0.0], [556.0, 454.0, 583.0, 528.0, 1.0], [524.0, 460.0, 549.0, 529.0, 1.0], [553.0, 544.0, 668.0, 661.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [477.0, 546.0, 571.0, 637.0, 0.0], [203.0, 574.0, 391.0, 684.0, 0.0], [471.0, 461.0, 498.0, 537.0, 1.0], [532.0, 459.0, 550.0, 517.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [593.0, 454.0, 610.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1021.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64971.99127269477], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 2], [2, 3], [3, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 4, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 454}, {"time_since_observed": 3, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 10, "confidence": 0.46192407719330325, "age": 110}, {"time_since_observed": 3, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 67}], "frame_count": 455, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1383.3, 413.27, 1503.56, 776.04, 2.1392], [803.26, 402.13, 907.8199999999999, 717.81, 1.4179], [1056.6, 381.02, 1266.7199999999998, 1013.38, 0.98193]], "trackers": [[1369.8900706667666, 410.21574080572464, 1488.7500826363937, 768.767623946952, 0.0], [1143.965460834197, 400.8092077304396, 1386.4363653399673, 1130.2419538809672, 0.0], [1057.7871702250743, 399.8391734844363, 1245.7848618544697, 965.8483876226053, 0.0], [827.3843185880302, 403.06425088199705, 931.3439031172107, 716.9454003011477, 0.0], [763.939010992433, 408.4041759830464, 859.4078913065422, 696.8130919961038, 0.0], [653.8993466176995, 444.2758263765468, 755.5296183356121, 751.1555244141759, 0.0], [507.04908217254945, 435.4638161383606, 602.5049414689635, 723.8351126575309, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1212.0, 409.0, 1388.0, 939.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1107.0, 438.0, 1151.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [473.0, 502.0, 537.0, 613.0, 0.0], [239.0, 518.0, 331.0, 643.0, 0.0], [554.0, 471.0, 635.0, 631.0, 0.0], [923.0, 449.0, 948.0, 512.0, 1.0], [493.0, 378.0, 877.0, 1351.0, 1.0], [1064.0, 438.0, 1102.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1156.0, 403.0, 1426.0, 1072.0, 1.0], [1053.0, 423.0, 1232.0, 954.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [814.0, 407.0, 906.0, 710.0, 1.0], [781.0, 433.0, 879.0, 698.0, 1.0], [650.0, 442.0, 762.0, 738.0, 1.0], [520.0, 435.0, 640.0, 723.0, 1.0], [1372.0, 421.0, 1486.0, 768.0, 1.0], [789.0, 441.0, 843.0, 587.0, 1.0], [1205.0, 449.0, 1240.0, 538.0, 1.0], [1022.0, 453.0, 1052.0, 534.0, 1.0], [1004.0, 448.0, 1030.0, 530.0, 1.0], [622.0, 457.0, 654.0, 539.0, 1.0], [726.0, 452.0, 753.0, 529.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [721.0, 479.0, 740.0, 536.0, 0.0], [556.0, 454.0, 584.0, 528.0, 1.0], [524.0, 460.0, 549.0, 529.0, 1.0], [548.0, 545.0, 663.0, 662.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [474.0, 547.0, 568.0, 639.0, 0.0], [195.0, 575.0, 385.0, 685.0, 0.0], [471.0, 461.0, 498.0, 537.0, 1.0], [532.0, 459.0, 550.0, 517.0, 1.0], [588.0, 459.0, 606.0, 508.0, 1.0], [593.0, 454.0, 610.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1021.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [63538.87881822164], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 4, 5, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 455}, {"time_since_observed": 4, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 11, "confidence": 0.4333421803545631, "age": 111}, {"time_since_observed": 4, "confidence": 1, "age": 87}, {"time_since_observed": 1, "confidence": 1, "age": 68}], "frame_count": 456, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1383.3, 413.27, 1503.56, 776.04, 2.6982], [803.26, 402.13, 907.8199999999999, 717.81, 2.2416], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.0686]], "trackers": [[1386.2716620976214, 410.32745628200007, 1505.317003775983, 769.435299740512, 0.0], [1150.0927789078642, 403.68576492878844, 1392.5918729968225, 1133.2033146771728, 0.0], [1062.0847912664872, 387.94012155806126, 1264.395023571849, 996.8896455822871, 0.0], [813.4134221715597, 402.260726275529, 917.8314153613735, 717.5168236269675, 0.0], [768.4566125713432, 407.57771089187736, 863.9255056396371, 695.9866654349839, 0.0], [658.5492663902394, 445.04536361099963, 760.1638130966835, 751.8775788790808, 0.0], [510.75065080612984, 435.3950527121347, 606.0340184109818, 723.2452533750511, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1216.0, 411.0, 1393.0, 942.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1107.0, 437.0, 1152.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [468.0, 503.0, 533.0, 615.0, 0.0], [231.0, 518.0, 324.0, 643.0, 0.0], [549.0, 471.0, 630.0, 632.0, 0.0], [923.0, 449.0, 948.0, 512.0, 1.0], [454.0, 381.0, 838.0, 1351.0, 1.0], [1063.0, 438.0, 1101.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1158.0, 403.0, 1433.0, 1073.0, 1.0], [1055.0, 423.0, 1237.0, 956.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [817.0, 407.0, 906.0, 710.0, 1.0], [787.0, 433.0, 886.0, 697.0, 1.0], [653.0, 442.0, 770.0, 737.0, 1.0], [524.0, 435.0, 645.0, 722.0, 1.0], [1375.0, 422.0, 1500.0, 771.0, 1.0], [787.0, 441.0, 841.0, 586.0, 1.0], [1205.0, 449.0, 1239.0, 538.0, 1.0], [1023.0, 453.0, 1054.0, 534.0, 1.0], [1005.0, 447.0, 1031.0, 530.0, 1.0], [622.0, 457.0, 654.0, 539.0, 1.0], [726.0, 452.0, 753.0, 530.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 479.0, 740.0, 536.0, 0.0], [556.0, 454.0, 584.0, 528.0, 1.0], [525.0, 460.0, 549.0, 529.0, 1.0], [542.0, 545.0, 659.0, 664.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [468.0, 548.0, 563.0, 640.0, 0.0], [186.0, 575.0, 379.0, 686.0, 0.0], [471.0, 461.0, 498.0, 537.0, 1.0], [532.0, 459.0, 550.0, 518.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [592.0, 454.0, 609.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1021.0, 451.0, 1047.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [65987.51802132254], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 4, 5, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 456}, {"time_since_observed": 5, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 12, "confidence": 0.38596734855057613, "age": 112}, {"time_since_observed": 5, "confidence": 0.8221371902368901, "age": 88}, {"time_since_observed": 2, "confidence": 1, "age": 69}], "frame_count": 457, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1383.3, 413.27, 1503.56, 776.04, 2.986], [808.63, 414.66, 906.122, 709.1300000000001, 2.4831], [1064.7, 394.97, 1260.68, 984.9200000000001, 0.80965]], "trackers": [[1391.7798150895694, 410.63566304215897, 1510.9026820548304, 769.9761803207871, 0.0], [1156.227144991717, 406.583524874886, 1398.740332643492, 1136.1434727256294, 0.0], [1068.4757963620525, 391.783758360812, 1267.1100668171296, 989.7027534409665, 0.0], [808.7307925892429, 401.99708806685373, 913.3017857751653, 717.712102486147, 0.0], [772.9742173387997, 406.75125543322156, 868.4431167841856, 695.1602292413509, 0.0], [663.1952553662231, 445.8030315309285, 764.801938654311, 752.6115026585097, 0.0], [514.4091551190419, 435.1961923586337, 609.6061596736687, 722.7854910198464, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1221.0, 413.0, 1398.0, 944.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1108.0, 437.0, 1153.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [463.0, 503.0, 529.0, 616.0, 0.0], [223.0, 518.0, 316.0, 644.0, 0.0], [544.0, 471.0, 625.0, 633.0, 0.0], [923.0, 449.0, 948.0, 512.0, 1.0], [415.0, 384.0, 799.0, 1351.0, 1.0], [1062.0, 438.0, 1100.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1159.0, 404.0, 1440.0, 1073.0, 1.0], [1066.0, 422.0, 1240.0, 958.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [820.0, 407.0, 907.0, 710.0, 1.0], [793.0, 433.0, 893.0, 696.0, 1.0], [656.0, 443.0, 779.0, 737.0, 1.0], [527.0, 435.0, 651.0, 720.0, 1.0], [1378.0, 423.0, 1514.0, 774.0, 1.0], [785.0, 441.0, 840.0, 586.0, 1.0], [1204.0, 449.0, 1238.0, 537.0, 1.0], [1025.0, 453.0, 1055.0, 534.0, 1.0], [1007.0, 447.0, 1033.0, 531.0, 1.0], [622.0, 457.0, 654.0, 539.0, 1.0], [726.0, 452.0, 754.0, 530.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 479.0, 739.0, 536.0, 0.0], [557.0, 454.0, 585.0, 528.0, 1.0], [525.0, 460.0, 549.0, 529.0, 1.0], [536.0, 546.0, 654.0, 665.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [462.0, 549.0, 559.0, 641.0, 0.0], [178.0, 576.0, 373.0, 687.0, 0.0], [470.0, 461.0, 497.0, 537.0, 1.0], [532.0, 459.0, 550.0, 518.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [592.0, 454.0, 609.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1020.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [65371.56220314004], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [5], "ret_occluded_trackers": [1, 4, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 457}, {"time_since_observed": 6, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 13, "confidence": 0.36287453488582466, "age": 113}, {"time_since_observed": 6, "confidence": 0.699410551334236, "age": 89}, {"time_since_observed": 3, "confidence": 0.9632410387518042, "age": 70}], "frame_count": 458, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1403.9, 430.92, 1516.0400000000002, 769.33, 2.8235], [808.63, 414.66, 906.122, 709.1300000000001, 1.9409], [1064.7, 394.97, 1260.68, 984.9200000000001, 0.913], [655.79, 437.53, 776.05, 800.3, 0.68942]], "trackers": [[1393.2014409470112, 410.99052560636153, 1512.360645722129, 770.4402046369415, 0.0], [1162.3650346198401, 409.4918848085505, 1404.8852687458912, 1139.0730307865192, 0.0], [1070.4197435310307, 393.2974014358305, 1267.6297184101682, 986.9419621927937, 0.0], [810.3166666409129, 409.86624640672744, 910.5526122023496, 712.5742192727239, 0.0], [777.4918237005293, 405.92480479082167, 872.960726334461, 694.3337882314619, 0.0], [667.8412446465084, 446.56070036971687, 769.4400639076371, 753.3454255190791, 0.0], [518.046083366477, 434.9321509044523, 613.1998770018324, 722.390909765322, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1225.0, 414.0, 1402.0, 946.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1108.0, 436.0, 1153.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [459.0, 503.0, 525.0, 617.0, 0.0], [215.0, 519.0, 309.0, 644.0, 0.0], [538.0, 471.0, 620.0, 634.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [377.0, 387.0, 761.0, 1351.0, 1.0], [1061.0, 438.0, 1099.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1160.0, 404.0, 1447.0, 1074.0, 1.0], [1077.0, 422.0, 1244.0, 961.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [823.0, 407.0, 907.0, 710.0, 1.0], [800.0, 434.0, 900.0, 696.0, 1.0], [655.0, 442.0, 783.0, 736.0, 1.0], [530.0, 435.0, 656.0, 719.0, 1.0], [1382.0, 424.0, 1528.0, 778.0, 1.0], [783.0, 441.0, 838.0, 585.0, 1.0], [1203.0, 449.0, 1238.0, 537.0, 1.0], [1026.0, 453.0, 1056.0, 534.0, 1.0], [1008.0, 448.0, 1034.0, 531.0, 1.0], [622.0, 456.0, 655.0, 539.0, 1.0], [727.0, 452.0, 754.0, 530.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [720.0, 479.0, 739.0, 536.0, 0.0], [557.0, 454.0, 585.0, 528.0, 1.0], [525.0, 460.0, 550.0, 529.0, 1.0], [531.0, 546.0, 650.0, 666.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [456.0, 550.0, 555.0, 642.0, 0.0], [169.0, 576.0, 367.0, 688.0, 0.0], [470.0, 461.0, 497.0, 537.0, 1.0], [532.0, 459.0, 550.0, 518.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [592.0, 454.0, 609.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1020.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64748.66049577205], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 458}, {"time_since_observed": 7, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 14, "confidence": 0.3432340255741364, "age": 114}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 90}, {"time_since_observed": 4, "confidence": 0.7392799266780228, "age": 71}], "frame_count": 459, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1407.6, 413.27, 1527.86, 776.04, 2.7394], [803.26, 402.13, 907.8199999999999, 717.81, 1.5714], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.0396], [690.44, 434.36, 787.932, 728.83, 0.75595]], "trackers": [[1407.4795989549898, 422.86478724051267, 1521.5791328361488, 767.1360319225166, 0.0], [1168.5046859049196, 412.4055443895039, 1411.028443191334, 1141.9972892001201, 0.0], [1070.7171029039325, 393.8960430033687, 1267.3781620978318, 985.893166500158, 0.0], [810.783789482192, 412.9319876653136, 909.3194516739901, 710.5355546555144, 0.0], [782.009430062259, 405.09835414842195, 877.4783358847363, 693.5073472215727, 0.0], [661.2347503696518, 440.75335798152673, 779.8739458433312, 798.6756936136806, 0.0], [521.683021429769, 434.6681391038867, 616.7935845141392, 721.996298857182, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1229.0, 416.0, 1407.0, 949.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1109.0, 436.0, 1154.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [454.0, 504.0, 521.0, 619.0, 0.0], [207.0, 519.0, 302.0, 644.0, 0.0], [533.0, 471.0, 615.0, 635.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [347.0, 382.0, 731.0, 1346.0, 1.0], [1060.0, 438.0, 1098.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1161.0, 405.0, 1454.0, 1075.0, 1.0], [1088.0, 422.0, 1248.0, 963.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [421.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 459.0, 450.0, 542.0, 1.0], [826.0, 407.0, 907.0, 710.0, 1.0], [802.0, 434.0, 907.0, 695.0, 1.0], [654.0, 442.0, 787.0, 735.0, 1.0], [534.0, 435.0, 662.0, 718.0, 1.0], [1387.0, 425.0, 1538.0, 781.0, 1.0], [782.0, 442.0, 837.0, 585.0, 1.0], [1203.0, 449.0, 1237.0, 537.0, 1.0], [1027.0, 453.0, 1057.0, 534.0, 1.0], [1010.0, 449.0, 1036.0, 531.0, 1.0], [622.0, 456.0, 655.0, 539.0, 1.0], [727.0, 452.0, 754.0, 530.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 479.0, 739.0, 536.0, 0.0], [558.0, 454.0, 586.0, 528.0, 1.0], [525.0, 460.0, 550.0, 529.0, 1.0], [525.0, 547.0, 645.0, 668.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [450.0, 551.0, 551.0, 643.0, 0.0], [161.0, 577.0, 361.0, 689.0, 0.0], [469.0, 461.0, 496.0, 537.0, 1.0], [532.0, 459.0, 550.0, 518.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [591.0, 454.0, 609.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1020.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [65613.9310968303], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 2], [3, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 459}, {"time_since_observed": 8, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 15, "confidence": 0.31892478942682306, "age": 115}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 91}, {"time_since_observed": 5, "confidence": 0.591424389643707, "age": 72}], "frame_count": 460, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1403.9, 430.92, 1516.0400000000002, 769.33, 1.712], [803.26, 402.13, 907.8199999999999, 717.81, 1.5618], [690.44, 434.36, 787.932, 728.83, 1.4307], [1103.8, 405.34, 1286.59, 955.72, 0.55501]], "trackers": [[1415.221446640765, 415.9788987420137, 1532.5018090457106, 769.7938840077878, 0.0], [1174.6452179896864, 415.3218537074884, 1417.1707368370894, 1144.9188978766902, 0.0], [1070.4347517741155, 394.14023390261747, 1266.8835983883457, 985.5004227107572, 0.0], [807.268296257351, 406.0001351800418, 909.633771568785, 715.0989411884123, 0.0], [786.5270364239888, 404.2719035060224, 881.9959454350115, 692.6809062116834, 0.0], [686.2272490275376, 434.6186015637915, 791.4380857321986, 752.2731903881493, 0.0], [525.3199693223089, 434.4041569973906, 620.3872821971981, 721.6016582549723, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1234.0, 418.0, 1412.0, 951.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1109.0, 435.0, 1154.0, 591.0, 1.0], [1083.0, 485.0, 1128.0, 595.0, 1.0], [449.0, 504.0, 517.0, 620.0, 0.0], [199.0, 519.0, 295.0, 644.0, 0.0], [528.0, 471.0, 610.0, 636.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [317.0, 378.0, 701.0, 1342.0, 1.0], [1059.0, 439.0, 1097.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1162.0, 405.0, 1461.0, 1076.0, 1.0], [1099.0, 422.0, 1252.0, 966.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [378.0, 463.0, 429.0, 577.0, 1.0], [428.0, 456.0, 463.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 450.0, 542.0, 1.0], [829.0, 407.0, 908.0, 710.0, 1.0], [804.0, 434.0, 914.0, 695.0, 1.0], [653.0, 442.0, 791.0, 734.0, 1.0], [537.0, 435.0, 667.0, 717.0, 1.0], [1392.0, 426.0, 1548.0, 784.0, 1.0], [780.0, 442.0, 834.0, 585.0, 1.0], [1202.0, 449.0, 1236.0, 537.0, 1.0], [1029.0, 454.0, 1059.0, 535.0, 1.0], [1011.0, 450.0, 1038.0, 531.0, 1.0], [622.0, 456.0, 655.0, 539.0, 1.0], [727.0, 452.0, 754.0, 530.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 479.0, 739.0, 536.0, 0.0], [558.0, 454.0, 587.0, 528.0, 1.0], [525.0, 460.0, 550.0, 529.0, 1.0], [520.0, 547.0, 641.0, 669.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [444.0, 552.0, 547.0, 644.0, 0.0], [152.0, 577.0, 353.0, 690.0, 0.0], [469.0, 461.0, 496.0, 537.0, 1.0], [532.0, 459.0, 550.0, 519.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [591.0, 454.0, 608.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1019.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64930.345317515275], "iou_threshold": 0.3, "ret_matches": [[0, 0], [1, 3], [2, 5], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 460}, {"time_since_observed": 9, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 16, "confidence": 0.304790142883267, "age": 116}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 92}, {"time_since_observed": 6, "confidence": 0.5045978654589248, "age": 73}], "frame_count": 461, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[697.7, 423.24, 802.26, 738.9200000000001, 2.0865], [1407.6, 413.27, 1527.86, 776.04, 1.4836], [803.26, 402.13, 907.8199999999999, 717.81, 1.2326], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.6484]], "trackers": [[1414.5069927800891, 425.1235212117929, 1527.8754364988108, 767.2010188056731, 0.0], [1180.7861904670995, 418.2394878723363, 1423.3125900901987, 1147.8391817063966, 0.0], [1097.3662621311937, 399.73551138684365, 1285.5708223995684, 966.3650969282714, 0.0], [805.827747488648, 403.41719283214724, 909.6184525089133, 716.7917699123398, 0.0], [791.0446427857186, 403.445452863623, 886.5135549852868, 691.8544652017939, 0.0], [694.3892309478911, 433.2475850982968, 794.7893445767713, 736.4547115197796, 0.0], [528.9569270575179, 434.1402046255098, 623.980970037588, 721.2069879181474, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1238.0, 419.0, 1416.0, 954.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1110.0, 435.0, 1155.0, 591.0, 1.0], [1083.0, 484.0, 1127.0, 595.0, 1.0], [445.0, 504.0, 513.0, 622.0, 0.0], [191.0, 520.0, 288.0, 645.0, 0.0], [523.0, 471.0, 605.0, 637.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [287.0, 374.0, 671.0, 1337.0, 1.0], [1058.0, 439.0, 1096.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1164.0, 406.0, 1468.0, 1077.0, 1.0], [1104.0, 422.0, 1257.0, 969.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 456.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 450.0, 542.0, 1.0], [829.0, 407.0, 910.0, 709.0, 1.0], [807.0, 435.0, 922.0, 695.0, 1.0], [663.0, 441.0, 793.0, 734.0, 1.0], [541.0, 436.0, 673.0, 716.0, 1.0], [1397.0, 427.0, 1558.0, 787.0, 1.0], [778.0, 442.0, 832.0, 585.0, 1.0], [1201.0, 449.0, 1236.0, 537.0, 1.0], [1030.0, 453.0, 1060.0, 535.0, 1.0], [1013.0, 451.0, 1040.0, 531.0, 1.0], [622.0, 456.0, 656.0, 540.0, 1.0], [727.0, 452.0, 755.0, 531.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [719.0, 479.0, 738.0, 536.0, 0.0], [559.0, 453.0, 587.0, 528.0, 1.0], [525.0, 460.0, 550.0, 529.0, 1.0], [514.0, 548.0, 636.0, 670.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [438.0, 553.0, 542.0, 645.0, 0.0], [144.0, 578.0, 345.0, 691.0, 0.0], [469.0, 461.0, 496.0, 537.0, 1.0], [532.0, 459.0, 550.0, 519.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [591.0, 454.0, 608.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1019.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [62878.57024194142], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 0], [2, 3], [3, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 461}, {"time_since_observed": 10, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 17, "confidence": 0.298797673242791, "age": 117}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 93}, {"time_since_observed": 7, "confidence": 0.45241668099587423, "age": 74}], "frame_count": 462, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[710.14, 434.36, 807.632, 728.83, 1.741], [824.37, 402.13, 928.9300000000001, 717.81, 1.1977], [1098.5, 446.86, 1268.98, 960.3100000000001, 0.76953], [1407.6, 413.27, 1527.86, 776.04, 0.62055]], "trackers": [[1416.6199445432621, 417.11046096702955, 1533.6431116923459, 770.1543258038056, 0.0], [1186.9273831390362, 421.1577844552031, 1429.4542231487842, 1150.758803118084, 0.0], [1107.876087537852, 396.4122996866964, 1301.1315676903237, 978.1943876241905, 0.0], [805.1765742041755, 402.44711855094795, 909.5058926525335, 717.4372562895688, 0.0], [795.5622491474484, 402.6190022212238, 891.031164535562, 691.0280241919043, 0.0], [702.4415843341183, 425.81175627258995, 805.4644735992636, 736.8847974849209, 0.0], [532.5938946488478, 433.8762820288825, 627.5746480218569, 720.812287806069, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1242.0, 421.0, 1421.0, 956.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1156.0, 592.0, 1.0], [1083.0, 483.0, 1127.0, 595.0, 1.0], [440.0, 505.0, 508.0, 623.0, 0.0], [182.0, 520.0, 279.0, 645.0, 0.0], [517.0, 471.0, 600.0, 637.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [257.0, 370.0, 641.0, 1333.0, 1.0], [1057.0, 439.0, 1095.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1178.0, 405.0, 1468.0, 1077.0, 1.0], [1109.0, 422.0, 1263.0, 973.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 456.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 450.0, 542.0, 1.0], [830.0, 407.0, 912.0, 709.0, 1.0], [811.0, 434.0, 923.0, 694.0, 1.0], [673.0, 441.0, 795.0, 734.0, 1.0], [544.0, 435.0, 672.0, 714.0, 1.0], [1403.0, 428.0, 1568.0, 791.0, 1.0], [777.0, 442.0, 829.0, 585.0, 1.0], [1201.0, 449.0, 1235.0, 537.0, 1.0], [1032.0, 453.0, 1062.0, 536.0, 1.0], [1014.0, 450.0, 1041.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [727.0, 452.0, 755.0, 531.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 479.0, 738.0, 536.0, 0.0], [559.0, 453.0, 588.0, 528.0, 1.0], [526.0, 460.0, 550.0, 529.0, 1.0], [508.0, 548.0, 631.0, 672.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [432.0, 554.0, 538.0, 646.0, 0.0], [135.0, 578.0, 337.0, 693.0, 0.0], [468.0, 461.0, 495.0, 537.0, 1.0], [532.0, 459.0, 550.0, 519.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [590.0, 454.0, 608.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1019.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [64341.79455129764], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 2], [3, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 462}, {"time_since_observed": 11, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 18, "confidence": 0.27815765568876133, "age": 118}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 94}, {"time_since_observed": 8, "confidence": 0.391804321350855, "age": 75}], "frame_count": 463, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[710.14, 434.36, 807.632, 728.83, 1.9978], [828.33, 414.66, 925.822, 709.1300000000001, 1.3024], [1103.8, 405.34, 1286.59, 955.72, 0.76933], [1426.5, 430.92, 1538.64, 769.33, 0.62897], [1213.6, 389.02, 1455.11, 1115.56, 0.47977]], "trackers": [[1416.8589150415523, 414.23527222156713, 1535.25510757263, 771.3976634786968, 0.0], [1193.0686859077853, 424.07641224572615, 1435.5957461105575, 1153.6780933221153, 0.0], [1105.992889445555, 428.46246517761557, 1285.4707493002518, 968.9188526308883, 0.0], [819.8752250669257, 402.0860899336231, 924.4088625648884, 717.6890220681119, 0.0], [800.0798555091783, 401.7925515788247, 895.5487740858371, 690.2015831820145, 0.0], [713.5244241141024, 430.12816458115077, 813.0958935487824, 730.8411751016276, 0.0], [536.2308721097814, 433.61238924823937, 631.1683161365221, 720.4175578780064, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1247.0, 423.0, 1426.0, 959.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1155.0, 591.0, 1.0], [1083.0, 482.0, 1127.0, 595.0, 1.0], [435.0, 505.0, 504.0, 625.0, 0.0], [174.0, 521.0, 271.0, 646.0, 0.0], [512.0, 471.0, 595.0, 638.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [228.0, 366.0, 611.0, 1329.0, 1.0], [1056.0, 439.0, 1094.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1192.0, 404.0, 1469.0, 1077.0, 1.0], [1114.0, 422.0, 1269.0, 977.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 456.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [831.0, 407.0, 915.0, 709.0, 1.0], [815.0, 433.0, 925.0, 693.0, 1.0], [683.0, 440.0, 797.0, 734.0, 1.0], [547.0, 435.0, 672.0, 713.0, 1.0], [1409.0, 426.0, 1570.0, 792.0, 1.0], [775.0, 442.0, 827.0, 585.0, 1.0], [1200.0, 449.0, 1234.0, 537.0, 1.0], [1033.0, 453.0, 1063.0, 536.0, 1.0], [1015.0, 450.0, 1042.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [727.0, 452.0, 755.0, 531.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 479.0, 738.0, 536.0, 0.0], [559.0, 453.0, 588.0, 528.0, 1.0], [526.0, 460.0, 551.0, 530.0, 1.0], [503.0, 549.0, 627.0, 673.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [426.0, 555.0, 534.0, 647.0, 0.0], [127.0, 579.0, 329.0, 694.0, 0.0], [468.0, 461.0, 495.0, 537.0, 1.0], [533.0, 459.0, 550.0, 519.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [590.0, 454.0, 607.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1019.0, 451.0, 1046.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [61990.140095781164], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 2], [3, 0], [4, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 6], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 19, "confidence": 0.2758523244993715, "age": 119}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 95}, {"time_since_observed": 9, "confidence": 0.36603334015830985, "age": 76}], "frame_count": 464, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[710.14, 434.36, 807.632, 728.83, 2.3818], [824.37, 402.13, 928.9300000000001, 717.81, 1.3833], [572.25, 434.36, 669.742, 728.83, 0.90782], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.64833], [1213.6, 389.02, 1455.11, 1115.56, 0.59209], [1434.1, 389.14, 1582.3899999999999, 836.0, 0.3953]], "trackers": [[1429.544650545373, 424.8076642874331, 1543.3759922213433, 768.2749777693667, 0.0], [1220.3159717272292, 390.7488702304523, 1461.8839309136729, 1117.4633790583948, 0.0], [1109.3558197509415, 413.01685428553935, 1290.9688042626685, 959.871891495067, 0.0], [827.733025237418, 409.9080625019777, 927.9574755800844, 712.5814800284326, 0.0], [804.5974618709082, 400.96610093642585, 900.0663836361122, 689.3751421721245, 0.0], [717.1806299662991, 431.9191370420106, 815.403797093846, 728.5833009854136, 0.0], [539.867859453832, 433.34852632440425, 634.7619743680704, 720.0227980931359, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1248.0, 421.0, 1427.0, 959.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1154.0, 591.0, 1.0], [1083.0, 481.0, 1127.0, 595.0, 1.0], [430.0, 505.0, 500.0, 626.0, 0.0], [166.0, 521.0, 263.0, 646.0, 0.0], [507.0, 471.0, 590.0, 639.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [196.0, 367.0, 586.0, 1330.0, 1.0], [1055.0, 439.0, 1093.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1207.0, 403.0, 1469.0, 1077.0, 1.0], [1119.0, 422.0, 1275.0, 981.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 456.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [831.0, 407.0, 917.0, 709.0, 1.0], [819.0, 433.0, 927.0, 692.0, 1.0], [693.0, 440.0, 799.0, 734.0, 1.0], [550.0, 434.0, 672.0, 712.0, 1.0], [1415.0, 424.0, 1572.0, 794.0, 1.0], [774.0, 442.0, 825.0, 585.0, 1.0], [1199.0, 450.0, 1234.0, 537.0, 1.0], [1035.0, 453.0, 1065.0, 537.0, 1.0], [1016.0, 449.0, 1043.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [727.0, 452.0, 756.0, 531.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [718.0, 479.0, 737.0, 536.0, 0.0], [560.0, 453.0, 589.0, 528.0, 1.0], [526.0, 460.0, 551.0, 530.0, 1.0], [497.0, 549.0, 622.0, 674.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [420.0, 556.0, 530.0, 648.0, 0.0], [119.0, 580.0, 321.0, 696.0, 0.0], [468.0, 461.0, 495.0, 537.0, 1.0], [533.0, 459.0, 550.0, 519.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [590.0, 454.0, 607.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1018.0, 451.0, 1045.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [61168.09049572951], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 6], [3, 2], [4, 1], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 20, "confidence": 0.26783228776184, "age": 120}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 96}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 77}], "frame_count": 465, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[710.14, 434.36, 807.632, 728.83, 2.5205], [591.95, 414.66, 689.442, 709.1300000000001, 1.4637], [824.37, 402.13, 928.9300000000001, 717.81, 1.3137], [1449.6, 391.01, 1587.8899999999999, 807.87, 1.0063], [1104.1, 434.36, 1152.346, 581.1, 0.70436], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.63236], [1213.6, 389.02, 1455.11, 1115.56, 0.52858]], "trackers": [[1440.1916034711721, 402.0793893035292, 1576.071850058359, 811.7466545727171, 0.0], [1222.6265953731117, 390.2968696424073, 1464.1470545882148, 1116.8683852029953, 0.0], [1110.9067973107676, 401.32556781691164, 1301.7346193298404, 975.8277618638524, 0.0], [827.9808961952464, 404.9008541478085, 930.9680521685087, 715.8648070198226, 0.0], [809.1150682326382, 400.1396502940271, 904.5839931863871, 688.5487011622344, 0.0], [718.034153821342, 432.69716729642954, 815.738465879798, 727.8030155424078, 0.0], [576.7395570887386, 434.43563411829484, 674.0369135081396, 728.3222279293763, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1249.0, 419.0, 1429.0, 960.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1153.0, 591.0, 1.0], [1083.0, 480.0, 1127.0, 595.0, 1.0], [426.0, 506.0, 496.0, 628.0, 0.0], [157.0, 522.0, 254.0, 647.0, 0.0], [501.0, 471.0, 585.0, 640.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [165.0, 368.0, 561.0, 1331.0, 1.0], [1054.0, 439.0, 1092.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1221.0, 402.0, 1470.0, 1077.0, 1.0], [1124.0, 422.0, 1281.0, 985.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 456.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [832.0, 407.0, 919.0, 709.0, 1.0], [824.0, 432.0, 929.0, 691.0, 1.0], [703.0, 439.0, 801.0, 734.0, 1.0], [553.0, 434.0, 672.0, 711.0, 1.0], [1421.0, 422.0, 1574.0, 795.0, 1.0], [772.0, 442.0, 822.0, 585.0, 1.0], [1199.0, 450.0, 1233.0, 536.0, 1.0], [1036.0, 453.0, 1066.0, 537.0, 1.0], [1017.0, 449.0, 1044.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 756.0, 531.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [717.0, 479.0, 737.0, 536.0, 0.0], [560.0, 453.0, 590.0, 528.0, 1.0], [526.0, 460.0, 551.0, 530.0, 1.0], [491.0, 550.0, 618.0, 676.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [414.0, 557.0, 526.0, 649.0, 0.0], [110.0, 580.0, 313.0, 697.0, 0.0], [468.0, 461.0, 495.0, 537.0, 1.0], [533.0, 459.0, 550.0, 520.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [589.0, 454.0, 607.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1018.0, 451.0, 1045.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [65395.06789306725], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 3], [3, 0], [5, 2], [6, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 97}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 78}], "frame_count": 466, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1104.1, 434.36, 1152.346, 581.1, 0.70436]]}, "detections": [[710.14, 434.36, 807.632, 728.83, 2.0119], [591.95, 414.66, 689.442, 709.1300000000001, 1.4536], [1456.6, 416.87, 1585.56, 805.75, 1.1877], [824.37, 402.13, 928.9300000000001, 717.81, 0.96348], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.55323], [1213.6, 389.02, 1455.11, 1115.56, 0.35219]], "trackers": [[1454.6312443869422, 394.98264802748315, 1591.6365829400863, 807.9975963245926, 0.0], [1223.1050951409186, 390.1222375738404, 1464.6098170946186, 1116.6463786415798, 0.0], [1111.0832767701284, 397.0420692752015, 1305.3143662046184, 981.7513357757393, 0.0], [827.8614373256497, 403.0243739977762, 931.88406231902, 717.0945350757397, 0.0], [717.8647467417424, 433.0738340914313, 815.3710826462526, 727.5850649927247, 0.0], [593.6777790082792, 419.76942263329863, 691.0999696152232, 714.0301148398856, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1251.0, 417.0, 1430.0, 961.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1153.0, 591.0, 1.0], [1083.0, 479.0, 1127.0, 595.0, 1.0], [421.0, 506.0, 492.0, 629.0, 0.0], [149.0, 522.0, 246.0, 647.0, 0.0], [496.0, 471.0, 580.0, 641.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [133.0, 369.0, 536.0, 1332.0, 1.0], [1053.0, 439.0, 1091.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1236.0, 402.0, 1470.0, 1077.0, 1.0], [1127.0, 422.0, 1282.0, 989.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 457.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [833.0, 408.0, 922.0, 709.0, 1.0], [828.0, 432.0, 931.0, 690.0, 1.0], [713.0, 439.0, 804.0, 734.0, 1.0], [563.0, 434.0, 672.0, 710.0, 1.0], [1427.0, 420.0, 1577.0, 797.0, 1.0], [770.0, 443.0, 820.0, 585.0, 1.0], [1198.0, 450.0, 1232.0, 536.0, 1.0], [1038.0, 453.0, 1068.0, 538.0, 1.0], [1018.0, 448.0, 1045.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 756.0, 532.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [717.0, 479.0, 737.0, 536.0, 0.0], [561.0, 453.0, 590.0, 528.0, 1.0], [526.0, 460.0, 551.0, 530.0, 1.0], [486.0, 550.0, 613.0, 677.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [409.0, 559.0, 522.0, 651.0, 0.0], [101.0, 580.0, 305.0, 698.0, 0.0], [468.0, 461.0, 495.0, 537.0, 1.0], [533.0, 459.0, 550.0, 520.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [589.0, 454.0, 607.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1018.0, 451.0, 1045.0, 529.0, 1.0]], "average_area": [72611.2693624375], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 0], [3, 3], [4, 2], [5, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 466}, {"time_since_observed": 0, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 98}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 79}], "frame_count": 467, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[718.81, 423.24, 823.3699999999999, 738.9200000000001, 2.4827], [591.95, 414.66, 689.442, 709.1300000000001, 1.5919], [1456.6, 416.87, 1585.56, 805.75, 1.3917], [824.37, 402.13, 928.9300000000001, 717.81, 1.2094], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.90914]], "trackers": [[1463.9323347804805, 409.52145366589446, 1595.548760127327, 806.3657427118604, 0.0], [1222.7223495808544, 389.9998888226692, 1464.2212170520784, 1116.5064058765538, 0.0], [1110.7275485306059, 395.4359491539801, 1306.241061949307, 983.990907650149, 0.0], [827.6132179163794, 402.3187673680003, 932.0280212246255, 717.5652173374821, 0.0], [717.3512099755226, 433.2886619663004, 814.7827201740865, 727.5751652911385, 0.0], [598.9304996260028, 415.04508822783475, 696.3929831955868, 709.4265182018443, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1252.0, 415.0, 1432.0, 962.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1152.0, 591.0, 1.0], [1084.0, 479.0, 1126.0, 595.0, 1.0], [416.0, 506.0, 488.0, 631.0, 0.0], [141.0, 523.0, 238.0, 648.0, 0.0], [491.0, 471.0, 575.0, 642.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [102.0, 370.0, 511.0, 1333.0, 1.0], [1052.0, 439.0, 1090.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1250.0, 401.0, 1471.0, 1077.0, 1.0], [1130.0, 422.0, 1283.0, 993.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 457.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [833.0, 408.0, 921.0, 709.0, 1.0], [832.0, 431.0, 933.0, 689.0, 1.0], [720.0, 438.0, 811.0, 734.0, 1.0], [574.0, 434.0, 673.0, 710.0, 1.0], [1439.0, 418.0, 1580.0, 797.0, 1.0], [768.0, 444.0, 818.0, 585.0, 1.0], [1197.0, 450.0, 1232.0, 536.0, 1.0], [1039.0, 453.0, 1069.0, 538.0, 1.0], [1020.0, 448.0, 1046.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 756.0, 532.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [717.0, 479.0, 736.0, 536.0, 0.0], [561.0, 453.0, 591.0, 528.0, 1.0], [526.0, 460.0, 551.0, 530.0, 1.0], [480.0, 551.0, 609.0, 678.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [402.0, 559.0, 517.0, 652.0, 0.0], [92.0, 580.0, 297.0, 699.0, 0.0], [467.0, 461.0, 494.0, 537.0, 1.0], [533.0, 459.0, 550.0, 520.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [589.0, 454.0, 606.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1018.0, 451.0, 1045.0, 529.0, 1.0]], "average_area": [72172.08256621893], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 0], [3, 3], [4, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 467}, {"time_since_observed": 1, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 99}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 80}], "frame_count": 468, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[718.81, 423.24, 823.3699999999999, 738.9200000000001, 2.4323], [591.95, 414.66, 689.442, 709.1300000000001, 1.5912], [1456.6, 416.87, 1585.56, 805.75, 1.4934], [824.37, 402.13, 928.9300000000001, 717.81, 1.1364], [1104.1, 394.97, 1300.08, 984.9200000000001, 0.98874], [717.57, 329.43, 865.86, 776.29, 0.36809]], "trackers": [[1466.7680991745358, 415.1292194663331, 1596.27223530782, 805.6327076007778, 0.0], [1228.5519231981332, 390.5910909534674, 1470.04622011997, 1117.0838583200307, 0.0], [1110.2026381171913, 394.8313444327902, 1306.2018009057979, 984.8425531111034, 0.0], [827.333615849406, 402.0565900439407, 931.897182072777, 717.7491995900717, 0.0], [723.1815922959646, 426.280025370372, 825.1075472701765, 734.0587698523457, 0.0], [600.3404191736113, 413.4001617514931, 697.8179606638714, 707.8267127360294, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1254.0, 414.0, 1434.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1151.0, 591.0, 1.0], [1084.0, 478.0, 1126.0, 595.0, 1.0], [412.0, 507.0, 484.0, 632.0, 0.0], [132.0, 524.0, 229.0, 649.0, 0.0], [485.0, 471.0, 570.0, 643.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [71.0, 372.0, 487.0, 1334.0, 1.0], [1051.0, 439.0, 1089.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1264.0, 400.0, 1471.0, 1077.0, 1.0], [1133.0, 422.0, 1285.0, 997.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 457.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [834.0, 408.0, 921.0, 709.0, 1.0], [837.0, 431.0, 935.0, 689.0, 1.0], [727.0, 437.0, 818.0, 734.0, 1.0], [584.0, 434.0, 674.0, 709.0, 1.0], [1451.0, 417.0, 1583.0, 797.0, 1.0], [767.0, 445.0, 816.0, 586.0, 1.0], [1197.0, 450.0, 1231.0, 536.0, 1.0], [1041.0, 453.0, 1071.0, 539.0, 1.0], [1021.0, 448.0, 1048.0, 531.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 757.0, 532.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [716.0, 479.0, 736.0, 536.0, 0.0], [562.0, 453.0, 591.0, 528.0, 1.0], [527.0, 460.0, 552.0, 530.0, 1.0], [474.0, 551.0, 604.0, 680.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [396.0, 559.0, 513.0, 654.0, 0.0], [84.0, 581.0, 290.0, 700.0, 0.0], [467.0, 461.0, 494.0, 537.0, 1.0], [533.0, 459.0, 550.0, 520.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [588.0, 454.0, 606.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1017.0, 451.0, 1045.0, 529.0, 1.0]], "average_area": [72456.32396245677], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 0], [3, 3], [4, 2]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 468}, {"time_since_observed": 2, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 100}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 81}], "frame_count": 469, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.36809]]}, "detections": [[729.84, 434.36, 827.332, 728.83, 2.8958], [589.13, 423.72, 680.026, 698.4100000000001, 1.7844], [1464.0, 389.14, 1612.29, 836.0, 1.3675], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.3162], [824.37, 402.13, 928.9300000000001, 717.81, 1.2599]], "trackers": [[1467.1742834555648, 417.24719082215745, 1595.8672798859689, 805.3154500016727, 0.0], [1234.3803541942846, 391.17885571122855, 1475.8723658089891, 1117.6647481365444, 0.0], [1109.6498574280793, 394.6059186819216, 1305.8322226423363, 985.1664370282076, 0.0], [827.0593928195825, 401.9628333440118, 931.6790815944217, 717.8237455914204, 0.0], [724.9700450308387, 423.7445262933501, 828.5613530323071, 736.5198199687351, 0.0], [600.3249045183309, 412.90632977079247, 697.808221854915, 707.3501890585329, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1257.0, 413.0, 1439.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1151.0, 591.0, 1.0], [1084.0, 477.0, 1126.0, 595.0, 1.0], [407.0, 507.0, 480.0, 634.0, 0.0], [124.0, 524.0, 221.0, 649.0, 0.0], [480.0, 471.0, 565.0, 644.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [45.0, 377.0, 461.0, 1337.0, 1.0], [1050.0, 439.0, 1088.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1279.0, 399.0, 1472.0, 1077.0, 1.0], [1136.0, 422.0, 1286.0, 1001.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 457.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [834.0, 408.0, 921.0, 710.0, 1.0], [841.0, 430.0, 937.0, 688.0, 1.0], [734.0, 436.0, 825.0, 734.0, 1.0], [595.0, 434.0, 675.0, 709.0, 1.0], [1463.0, 415.0, 1586.0, 797.0, 1.0], [765.0, 444.0, 813.0, 585.0, 1.0], [1196.0, 450.0, 1230.0, 536.0, 1.0], [1042.0, 452.0, 1072.0, 540.0, 1.0], [1023.0, 448.0, 1050.0, 532.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 757.0, 532.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [693.0, 462.0, 712.0, 532.0, 0.0], [716.0, 479.0, 736.0, 536.0, 0.0], [562.0, 453.0, 592.0, 528.0, 1.0], [527.0, 460.0, 552.0, 530.0, 1.0], [469.0, 552.0, 600.0, 681.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [390.0, 559.0, 508.0, 656.0, 0.0], [77.0, 581.0, 283.0, 700.0, 0.0], [467.0, 461.0, 494.0, 537.0, 1.0], [533.0, 459.0, 550.0, 521.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [588.0, 454.0, 606.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1017.0, 451.0, 1045.0, 529.0, 1.0]], "average_area": [72564.86704112675], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 0], [3, 2], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 469}, {"time_since_observed": 3, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 101}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 82}], "frame_count": 470, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[729.84, 434.36, 827.332, 728.83, 2.7221], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.6497], [591.95, 414.66, 689.442, 709.1300000000001, 1.3028], [828.33, 394.97, 925.822, 689.44, 1.0847], [1482.5, 416.87, 1611.46, 805.75, 1.0781]], "trackers": [[1472.6164506773532, 400.170576500264, 1613.4977637826657, 824.8147076225192, 0.0], [1240.2082138677079, 391.7649017458765, 1481.6990828207363, 1118.2473566761714, 0.0], [1109.120580676581, 394.5245946333304, 1305.3709108632884, 985.2888725082105, 0.0], [826.8031964910252, 401.93285552073047, 931.4436776761032, 717.8561075390367, 0.0], [732.7773968773812, 429.84047020773437, 832.5790952231963, 731.2436006826513, 0.0], [597.5107066911389, 418.4289115212796, 690.8740521326686, 700.5192395069648, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1261.0, 413.0, 1444.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1150.0, 591.0, 1.0], [1084.0, 476.0, 1126.0, 595.0, 1.0], [402.0, 507.0, 476.0, 635.0, 0.0], [116.0, 525.0, 213.0, 650.0, 0.0], [475.0, 471.0, 560.0, 645.0, 0.0], [922.0, 449.0, 947.0, 512.0, 1.0], [19.0, 382.0, 435.0, 1340.0, 1.0], [1049.0, 439.0, 1087.0, 548.0, 1.0], [995.0, 446.0, 1030.0, 545.0, 1.0], [1293.0, 398.0, 1472.0, 1077.0, 1.0], [1139.0, 422.0, 1287.0, 1005.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [379.0, 463.0, 430.0, 577.0, 1.0], [427.0, 457.0, 462.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [835.0, 408.0, 921.0, 710.0, 1.0], [845.0, 430.0, 939.0, 687.0, 1.0], [742.0, 435.0, 833.0, 734.0, 1.0], [599.0, 433.0, 678.0, 709.0, 1.0], [1475.0, 414.0, 1589.0, 797.0, 1.0], [763.0, 444.0, 811.0, 585.0, 1.0], [1195.0, 450.0, 1230.0, 536.0, 1.0], [1044.0, 452.0, 1074.0, 540.0, 1.0], [1024.0, 449.0, 1053.0, 532.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [728.0, 452.0, 757.0, 532.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [716.0, 479.0, 736.0, 536.0, 0.0], [563.0, 453.0, 593.0, 529.0, 1.0], [527.0, 460.0, 552.0, 530.0, 1.0], [463.0, 552.0, 595.0, 682.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [384.0, 559.0, 504.0, 657.0, 0.0], [71.0, 582.0, 276.0, 700.0, 0.0], [467.0, 461.0, 494.0, 537.0, 1.0], [533.0, 459.0, 550.0, 521.0, 1.0], [588.0, 460.0, 606.0, 509.0, 1.0], [588.0, 455.0, 605.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1011.0, 453.0, 1029.0, 514.0, 0.0], [1017.0, 451.0, 1045.0, 529.0, 1.0]], "average_area": [73446.13147750085], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 470}, {"time_since_observed": 4, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 102}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 83}], "frame_count": 471, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.2681], [1140.5, 442.1, 1323.29, 992.48, 1.498], [607.51, 423.72, 698.406, 698.4100000000001, 1.4232], [1477.5, 391.01, 1615.79, 807.87, 0.89136], [841.27, 395.41, 926.012, 651.6400000000001, 0.79906], [1098.4, 430.92, 1153.969, 599.63, 0.65091], [697.7, 423.24, 802.26, 738.9200000000001, 0.45431], [1262.1, 389.02, 1503.61, 1115.56, 0.33544]], "trackers": [[1486.4678031966284, 411.24183617456674, 1619.653783113272, 812.7986047192937, 0.0], [1246.0357878767259, 392.350088409819, 1487.5260854968888, 1118.8308245865041, 0.0], [1108.6312454272718, 394.4980167794284, 1304.9055814573805, 985.3342402717142, 0.0], [829.063589828459, 395.85460749789536, 929.3276179562192, 698.6467215424047, 0.0], [735.3291698357071, 432.2734592942755, 833.6462520234612, 729.2193225409142, 0.0], [598.3267082984294, 415.03598887625543, 694.2601418888835, 704.8340167202314, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1265.0, 413.0, 1450.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1111.0, 435.0, 1149.0, 591.0, 1.0], [1084.0, 475.0, 1126.0, 595.0, 1.0], [398.0, 508.0, 472.0, 637.0, 0.0], [107.0, 525.0, 204.0, 650.0, 0.0], [470.0, 471.0, 555.0, 646.0, 0.0], [922.0, 448.0, 947.0, 512.0, 1.0], [-7.0, 387.0, 409.0, 1343.0, 1.0], [1048.0, 440.0, 1086.0, 549.0, 1.0], [995.0, 447.0, 1030.0, 545.0, 1.0], [1308.0, 398.0, 1473.0, 1077.0, 1.0], [1142.0, 422.0, 1289.0, 1009.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 431.0, 578.0, 1.0], [427.0, 458.0, 462.0, 567.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [835.0, 408.0, 921.0, 710.0, 1.0], [850.0, 429.0, 941.0, 686.0, 1.0], [743.0, 435.0, 835.0, 733.0, 1.0], [604.0, 433.0, 682.0, 709.0, 1.0], [1488.0, 413.0, 1592.0, 798.0, 1.0], [762.0, 444.0, 809.0, 584.0, 1.0], [1195.0, 450.0, 1229.0, 536.0, 1.0], [1045.0, 452.0, 1075.0, 541.0, 1.0], [1026.0, 449.0, 1055.0, 533.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 758.0, 533.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [715.0, 479.0, 736.0, 535.0, 0.0], [563.0, 453.0, 593.0, 529.0, 1.0], [527.0, 460.0, 552.0, 530.0, 1.0], [458.0, 553.0, 591.0, 684.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [378.0, 559.0, 499.0, 659.0, 0.0], [65.0, 582.0, 269.0, 700.0, 0.0], [467.0, 461.0, 494.0, 537.0, 1.0], [533.0, 459.0, 550.0, 521.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [588.0, 455.0, 605.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 451.0, 1044.0, 529.0, 1.0], [1109.0, 449.0, 1144.0, 549.0, 1.0]], "average_area": [72040.18268571151], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 0], [4, 3], [7, 1]], "ret_unmatched_detections": [5, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 103}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 84}], "frame_count": 472, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.65091], [697.7, 423.24, 802.26, 738.9200000000001, 0.45431]]}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.3217], [1140.5, 442.1, 1323.29, 992.48, 1.7781], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.7299], [824.37, 402.13, 928.9300000000001, 717.81, 0.96867], [1098.8, 433.8, 1150.58, 591.14, 0.51674], [1262.1, 389.02, 1503.61, 1115.56, 0.41727], [1477.5, 391.01, 1615.79, 807.87, 0.36895]], "trackers": [[1487.9267238946736, 398.34511051340155, 1623.9417835223321, 808.379642973603, 0.0], [1267.5238500364221, 389.69237990641807, 1509.030603909618, 1116.2226156114366, 0.0], [1133.50176587533, 426.2192051137187, 1321.6191725264393, 992.5868925635739, 0.0], [838.3591037846937, 392.02446746812154, 929.1805290759117, 666.5080368176938, 0.0], [749.9228855599144, 433.2533751932446, 847.6678835374187, 728.4813693436124, 0.0], [609.057858342304, 419.4929643721499, 701.8088901522643, 699.7463554009774, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1268.0, 413.0, 1455.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 435.0, 1149.0, 591.0, 1.0], [1084.0, 474.0, 1126.0, 595.0, 1.0], [392.0, 508.0, 467.0, 637.0, 0.0], [99.0, 526.0, 196.0, 651.0, 0.0], [461.0, 471.0, 547.0, 648.0, 0.0], [923.0, 448.0, 948.0, 512.0, 1.0], [-33.0, 392.0, 383.0, 1346.0, 1.0], [1047.0, 440.0, 1085.0, 549.0, 1.0], [994.0, 447.0, 1029.0, 545.0, 1.0], [1313.0, 397.0, 1488.0, 1082.0, 1.0], [1144.0, 422.0, 1295.0, 1008.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 461.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [836.0, 409.0, 921.0, 711.0, 1.0], [854.0, 429.0, 943.0, 685.0, 1.0], [744.0, 435.0, 838.0, 733.0, 1.0], [609.0, 433.0, 686.0, 709.0, 1.0], [1492.0, 413.0, 1604.0, 799.0, 1.0], [760.0, 443.0, 807.0, 584.0, 1.0], [1194.0, 450.0, 1228.0, 536.0, 1.0], [1047.0, 452.0, 1077.0, 541.0, 1.0], [1027.0, 449.0, 1057.0, 533.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 533.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [714.0, 479.0, 736.0, 535.0, 0.0], [563.0, 453.0, 594.0, 529.0, 1.0], [527.0, 460.0, 552.0, 530.0, 1.0], [450.0, 553.0, 584.0, 685.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [372.0, 559.0, 495.0, 661.0, 0.0], [58.0, 583.0, 262.0, 700.0, 0.0], [466.0, 460.0, 493.0, 536.0, 1.0], [533.0, 459.0, 550.0, 521.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [587.0, 455.0, 605.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 451.0, 1044.0, 529.0, 1.0], [1107.0, 448.0, 1142.0, 548.0, 1.0]], "average_area": [69592.71510608612], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [5, 1], [6, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 104}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 85}], "frame_count": 473, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.51674]]}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.5903], [1143.5, 434.36, 1339.48, 1024.31, 1.9025], [607.51, 423.72, 698.406, 698.4100000000001, 1.839], [846.44, 405.34, 937.336, 680.03, 0.93913], [1482.5, 416.87, 1611.46, 805.75, 0.77206], [1098.8, 433.8, 1150.58, 591.14, 0.3364]], "trackers": [[1487.8413754523644, 393.5086964153279, 1624.9253095925283, 806.7454965354316, 0.0], [1270.4635977551468, 389.5460844679504, 1511.9720851577315, 1116.0815344736393, 0.0], [1142.574373834493, 438.2611083455972, 1327.4810633400728, 994.9945098719425, 0.0], [830.5749684336226, 398.2319352647619, 930.1692252468649, 699.0378003048361, 0.0], [754.9660815127932, 433.6664468988347, 852.4925171810687, 728.2381050701495, 0.0], [615.903126322202, 415.62882192482255, 711.6100423508027, 704.7477502248354, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1272.0, 413.0, 1460.0, 963.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1084.0, 473.0, 1126.0, 595.0, 1.0], [387.0, 508.0, 462.0, 637.0, 0.0], [91.0, 526.0, 188.0, 651.0, 0.0], [453.0, 471.0, 540.0, 650.0, 0.0], [923.0, 448.0, 949.0, 512.0, 1.0], [-58.0, 398.0, 358.0, 1350.0, 1.0], [1046.0, 440.0, 1084.0, 549.0, 1.0], [993.0, 447.0, 1028.0, 545.0, 1.0], [1318.0, 397.0, 1504.0, 1088.0, 1.0], [1147.0, 422.0, 1301.0, 1008.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 461.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 459.0, 451.0, 542.0, 1.0], [836.0, 409.0, 921.0, 710.0, 1.0], [858.0, 428.0, 945.0, 684.0, 1.0], [746.0, 435.0, 841.0, 733.0, 1.0], [614.0, 433.0, 690.0, 709.0, 1.0], [1497.0, 413.0, 1616.0, 801.0, 1.0], [759.0, 443.0, 805.0, 583.0, 1.0], [1193.0, 450.0, 1228.0, 535.0, 1.0], [1048.0, 452.0, 1078.0, 542.0, 1.0], [1029.0, 450.0, 1060.0, 534.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 533.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [713.0, 479.0, 736.0, 535.0, 0.0], [563.0, 453.0, 594.0, 529.0, 1.0], [528.0, 460.0, 553.0, 531.0, 1.0], [442.0, 554.0, 578.0, 687.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [366.0, 560.0, 491.0, 663.0, 0.0], [52.0, 584.0, 255.0, 701.0, 0.0], [466.0, 460.0, 493.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [587.0, 455.0, 604.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 451.0, 1044.0, 529.0, 1.0], [1106.0, 448.0, 1141.0, 548.0, 1.0]], "average_area": [70235.67925296076], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [4, 0]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 473}, {"time_since_observed": 1, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 105}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 86}], "frame_count": 474, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.3364]]}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.8773], [1143.5, 394.97, 1339.48, 984.9200000000001, 1.6162], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.5047], [1505.3, 391.01, 1643.59, 807.87, 1.1021], [846.44, 405.34, 937.336, 680.03, 1.0966], [1098.8, 433.8, 1150.58, 591.14, 0.70533], [1310.6, 389.02, 1552.11, 1115.56, 0.4578]], "trackers": [[1490.3654770944624, 408.9063528325593, 1622.0413885926694, 805.9244663811971, 0.0], [1277.1099381861045, 389.8588646251564, 1518.6182323233515, 1116.3937332263545, 0.0], [1148.2581574907456, 438.7185599367475, 1340.2752383398085, 1016.7855220462051, 0.0], [842.7109394005838, 401.3766689511648, 936.9338046194898, 686.0589100456949, 0.0], [756.3982874037222, 433.8581420728889, 853.8419178406198, 728.1811460201867, 0.0], [614.8074579609278, 419.8990624255281, 707.4713865045115, 699.8911780774068, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1276.0, 413.0, 1466.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 473.0, 1125.0, 595.0, 1.0], [381.0, 508.0, 457.0, 637.0, 0.0], [83.0, 527.0, 180.0, 652.0, 0.0], [444.0, 472.0, 533.0, 652.0, 0.0], [924.0, 448.0, 949.0, 513.0, 1.0], [-78.0, 395.0, 339.0, 1347.0, 1.0], [1045.0, 440.0, 1083.0, 549.0, 1.0], [993.0, 447.0, 1028.0, 545.0, 1.0], [1323.0, 396.0, 1519.0, 1093.0, 1.0], [1149.0, 422.0, 1307.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 461.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 459.0, 452.0, 542.0, 1.0], [837.0, 409.0, 921.0, 710.0, 1.0], [863.0, 428.0, 947.0, 684.0, 1.0], [747.0, 435.0, 844.0, 733.0, 1.0], [619.0, 433.0, 694.0, 710.0, 1.0], [1502.0, 413.0, 1628.0, 802.0, 1.0], [757.0, 443.0, 802.0, 583.0, 1.0], [1193.0, 450.0, 1227.0, 535.0, 1.0], [1050.0, 452.0, 1080.0, 542.0, 1.0], [1030.0, 450.0, 1062.0, 534.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 533.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [713.0, 479.0, 736.0, 535.0, 0.0], [563.0, 453.0, 595.0, 530.0, 1.0], [528.0, 460.0, 553.0, 531.0, 1.0], [434.0, 554.0, 572.0, 689.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [359.0, 560.0, 486.0, 664.0, 0.0], [46.0, 584.0, 248.0, 701.0, 0.0], [465.0, 460.0, 492.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [587.0, 455.0, 604.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 451.0, 1044.0, 529.0, 1.0], [1105.0, 448.0, 1140.0, 548.0, 1.0]], "average_area": [70031.54953093], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 0], [4, 3], [6, 1]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 106}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 87}], "frame_count": 475, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.70533]]}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.1992], [1140.5, 442.1, 1323.29, 992.48, 1.4226], [1508.5, 416.87, 1637.46, 805.75, 1.3533], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.326], [1098.8, 433.8, 1150.58, 591.14, 0.76385], [848.03, 394.97, 945.5219999999999, 689.44, 0.74263], [1310.6, 389.02, 1552.11, 1115.56, 0.58891], [1165.1, 292.02, 1406.61, 1018.56, 0.57912], [729.37, 449.63, 754.76, 527.8, 0.51618], [532.85, 458.99, 556.4730000000001, 531.859, 0.34797]], "trackers": [[1507.419913449914, 397.5342628061646, 1642.883312242161, 805.9113277055603, 0.0], [1311.8399556637241, 389.4684594948003, 1553.3493160232283, 1116.0065353558011, 0.0], [1149.975914243997, 410.6490882274608, 1344.6390524194771, 996.6529493896608, 0.0], [847.1781016247805, 402.8122596765651, 939.2686236231332, 681.0891245697954, 0.0], [756.4932804357405, 433.9617715389303, 853.9060521179537, 728.192123210515, 0.0], [617.2099456621352, 415.94226473501124, 712.8852877289814, 704.9665660182003, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1283.0, 412.0, 1471.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 472.0, 1125.0, 595.0, 1.0], [376.0, 509.0, 453.0, 637.0, 0.0], [74.0, 528.0, 171.0, 653.0, 0.0], [436.0, 472.0, 525.0, 654.0, 0.0], [925.0, 448.0, 950.0, 513.0, 1.0], [-97.0, 392.0, 320.0, 1345.0, 1.0], [1044.0, 440.0, 1082.0, 549.0, 1.0], [992.0, 447.0, 1027.0, 545.0, 1.0], [1328.0, 396.0, 1535.0, 1099.0, 1.0], [1152.0, 422.0, 1314.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 461.0, 566.0, 1.0], [422.0, 457.0, 451.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 459.0, 452.0, 542.0, 1.0], [838.0, 409.0, 921.0, 710.0, 1.0], [865.0, 428.0, 956.0, 683.0, 1.0], [748.0, 435.0, 846.0, 733.0, 1.0], [621.0, 433.0, 698.0, 709.0, 1.0], [1507.0, 413.0, 1640.0, 804.0, 1.0], [756.0, 443.0, 800.0, 582.0, 1.0], [1192.0, 450.0, 1226.0, 535.0, 1.0], [1051.0, 452.0, 1081.0, 543.0, 1.0], [1031.0, 451.0, 1064.0, 535.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 534.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [712.0, 479.0, 736.0, 535.0, 0.0], [564.0, 453.0, 595.0, 530.0, 1.0], [529.0, 460.0, 554.0, 531.0, 1.0], [426.0, 555.0, 565.0, 691.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [352.0, 560.0, 481.0, 665.0, 0.0], [39.0, 585.0, 242.0, 701.0, 0.0], [465.0, 460.0, 492.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [586.0, 455.0, 604.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1044.0, 529.0, 1.0], [1104.0, 448.0, 1139.0, 548.0, 1.0]], "average_area": [71133.36608053598], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 0], [3, 5], [5, 3], [6, 1]], "ret_unmatched_detections": [4, 7, 8, 9], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 107}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 88}], "frame_count": 476, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.76385], [1165.1, 292.02, 1406.61, 1018.56, 0.57912], [729.37, 449.63, 754.76, 527.8, 0.51618], [532.85, 458.99, 556.4730000000001, 531.859, 0.34797]]}, "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.1446], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.6002], [1143.5, 394.97, 1339.48, 984.9200000000001, 1.4343], [1508.5, 416.87, 1637.46, 805.75, 1.4057], [841.27, 412.56, 926.012, 668.79, 0.88692], [1098.8, 433.8, 1150.58, 591.14, 0.52488], [729.37, 449.63, 754.76, 527.8, 0.4613], [1310.6, 389.02, 1552.11, 1115.56, 0.44323], [532.85, 458.99, 556.4730000000001, 531.859, 0.34883]], "trackers": [[1515.1208152549953, 410.5059555951865, 1646.1627208782052, 805.6218334209256, 0.0], [1319.8286235645874, 389.39860193572207, 1561.3382144741536, 1115.9373712985898, 0.0], [1147.4499840536193, 431.7390410319611, 1334.9218407728229, 996.1696964044104, 0.0], [850.0806108419289, 396.866509390072, 945.5288391843989, 685.2115900926165, 0.0], [756.1187755719083, 434.0287294789141, 853.5205309597033, 728.2260189032249, 0.0], [617.7265157488072, 414.53410348411785, 714.5276153007177, 706.9332812467026, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1291.0, 412.0, 1476.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 471.0, 1125.0, 595.0, 1.0], [371.0, 509.0, 448.0, 638.0, 0.0], [66.0, 528.0, 163.0, 653.0, 0.0], [427.0, 472.0, 518.0, 656.0, 0.0], [925.0, 448.0, 951.0, 513.0, 1.0], [-116.0, 390.0, 301.0, 1342.0, 1.0], [1043.0, 441.0, 1081.0, 549.0, 1.0], [991.0, 447.0, 1026.0, 545.0, 1.0], [1334.0, 395.0, 1551.0, 1105.0, 1.0], [1155.0, 422.0, 1319.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 461.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 459.0, 452.0, 542.0, 1.0], [839.0, 409.0, 922.0, 710.0, 1.0], [867.0, 428.0, 965.0, 683.0, 1.0], [750.0, 435.0, 849.0, 733.0, 1.0], [624.0, 433.0, 703.0, 708.0, 1.0], [1510.0, 413.0, 1658.0, 806.0, 1.0], [754.0, 442.0, 798.0, 582.0, 1.0], [1192.0, 450.0, 1226.0, 535.0, 1.0], [1053.0, 452.0, 1083.0, 544.0, 1.0], [1033.0, 452.0, 1067.0, 536.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 534.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 736.0, 535.0, 0.0], [564.0, 453.0, 596.0, 530.0, 1.0], [529.0, 460.0, 555.0, 531.0, 1.0], [418.0, 556.0, 559.0, 693.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [345.0, 560.0, 476.0, 666.0, 0.0], [33.0, 585.0, 235.0, 701.0, 0.0], [465.0, 460.0, 492.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [586.0, 455.0, 604.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1044.0, 529.0, 1.0], [1103.0, 447.0, 1137.0, 547.0, 1.0]], "average_area": [69589.93382217074], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2], [3, 0], [4, 3], [7, 1]], "ret_unmatched_detections": [5, 6, 8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 108}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 89}], "frame_count": 477, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.8, 433.8, 1150.58, 591.14, 0.52488], [729.37, 449.63, 754.76, 527.8, 0.4613], [532.85, 458.99, 556.4730000000001, 531.859, 0.34883]]}, "detections": [[769.23, 434.36, 866.722, 728.83, 2.1215], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.4663], [1508.5, 416.87, 1637.46, 805.75, 1.3261], [1143.5, 394.97, 1339.48, 984.9200000000001, 1.3156], [841.27, 412.56, 926.012, 668.79, 0.96563], [1098.8, 433.8, 1150.58, 591.14, 0.88818], [1313.4, 408.29, 1538.67, 1086.1100000000001, 0.32751], [1075.9, 374.21, 1149.5430000000001, 597.14, 0.30105]], "trackers": [[1517.4362719994344, 415.483827566557, 1646.754204502735, 805.4272958302925, 0.0], [1322.053172265938, 389.3581686755048, 1563.5628440144092, 1115.8971812037655, 0.0], [1148.8660328728306, 407.80502123477885, 1341.8266565938293, 988.7022273040732, 0.0], [845.5709023403159, 405.4618069277918, 934.3947457149785, 673.942538369556, 0.0], [755.6034839208288, 434.0789615217483, 853.0017903909401, 728.265914597859, 0.0], [617.5483451441654, 414.0603992504766, 714.7760174235742, 707.7381518458849, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1299.0, 412.0, 1482.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 470.0, 1125.0, 595.0, 1.0], [365.0, 509.0, 443.0, 638.0, 0.0], [58.0, 529.0, 155.0, 654.0, 0.0], [419.0, 473.0, 511.0, 659.0, 0.0], [926.0, 448.0, 952.0, 514.0, 1.0], [-135.0, 387.0, 282.0, 1340.0, 1.0], [1042.0, 441.0, 1080.0, 549.0, 1.0], [991.0, 447.0, 1026.0, 545.0, 1.0], [1339.0, 395.0, 1566.0, 1110.0, 1.0], [1159.0, 422.0, 1325.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [426.0, 457.0, 460.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [840.0, 409.0, 922.0, 710.0, 1.0], [869.0, 429.0, 975.0, 682.0, 1.0], [751.0, 435.0, 852.0, 733.0, 1.0], [626.0, 433.0, 707.0, 707.0, 1.0], [1513.0, 413.0, 1677.0, 808.0, 1.0], [753.0, 442.0, 796.0, 581.0, 1.0], [1191.0, 450.0, 1225.0, 535.0, 1.0], [1053.0, 452.0, 1083.0, 544.0, 1.0], [1034.0, 453.0, 1069.0, 537.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 534.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 736.0, 535.0, 0.0], [564.0, 453.0, 596.0, 531.0, 1.0], [530.0, 460.0, 555.0, 531.0, 1.0], [410.0, 556.0, 553.0, 695.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [339.0, 561.0, 472.0, 668.0, 0.0], [27.0, 586.0, 228.0, 702.0, 0.0], [464.0, 460.0, 491.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [586.0, 455.0, 603.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1044.0, 529.0, 1.0], [1102.0, 447.0, 1136.0, 547.0, 1.0]], "average_area": [69839.59574618687], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 0], [3, 2], [4, 3], [6, 1]], "ret_unmatched_detections": [5, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 477}, {"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 109}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 478, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1075.9, 374.21, 1149.5430000000001, 597.14, 0.30105]]}, "detections": [[769.23, 434.36, 866.722, 728.83, 2.0248], [625.89, 423.72, 716.786, 698.4100000000001, 1.2788], [1143.5, 434.36, 1339.48, 1024.31, 1.1321], [846.44, 405.34, 937.336, 680.03, 0.87306], [1505.3, 391.01, 1643.59, 807.87, 0.78584], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.48501], [1098.8, 433.8, 1150.58, 591.14, 0.44854], [729.37, 449.63, 754.76, 527.8, 0.37915]], "trackers": [[1517.7334901699626, 417.3545047917974, 1646.391281146701, 805.3171559318503, 0.0], [1323.4035580035631, 400.802011224488, 1554.8422574820809, 1097.130148436179, 0.0], [1149.0548266126425, 398.78674146138565, 1344.0697104324354, 985.845507783738, 0.0], [843.8133539440249, 409.04921930965247, 929.976344230406, 669.5419481268762, 0.0], [769.0879641283534, 434.1203528059789, 866.4856991022543, 728.3056106214235, 0.0], [617.1383042774613, 413.9332791472759, 714.5284215932601, 708.097897232627, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1303.0, 411.0, 1488.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 469.0, 1125.0, 595.0, 1.0], [360.0, 510.0, 439.0, 638.0, 0.0], [49.0, 529.0, 146.0, 654.0, 0.0], [410.0, 473.0, 503.0, 661.0, 0.0], [927.0, 448.0, 952.0, 514.0, 1.0], [-154.0, 384.0, 263.0, 1337.0, 1.0], [1041.0, 441.0, 1079.0, 549.0, 1.0], [990.0, 447.0, 1025.0, 545.0, 1.0], [1344.0, 394.0, 1582.0, 1116.0, 1.0], [1163.0, 422.0, 1330.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 460.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [841.0, 409.0, 922.0, 710.0, 1.0], [871.0, 429.0, 984.0, 682.0, 1.0], [753.0, 436.0, 855.0, 733.0, 1.0], [629.0, 433.0, 712.0, 706.0, 1.0], [1516.0, 414.0, 1695.0, 811.0, 1.0], [751.0, 442.0, 794.0, 581.0, 1.0], [1190.0, 450.0, 1224.0, 535.0, 1.0], [1053.0, 452.0, 1083.0, 545.0, 1.0], [1036.0, 454.0, 1072.0, 538.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 535.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 736.0, 535.0, 0.0], [564.0, 453.0, 597.0, 531.0, 1.0], [531.0, 460.0, 556.0, 532.0, 1.0], [402.0, 557.0, 546.0, 697.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [332.0, 561.0, 467.0, 669.0, 0.0], [20.0, 587.0, 221.0, 702.0, 0.0], [464.0, 460.0, 491.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [585.0, 455.0, 603.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1044.0, 529.0, 1.0], [1101.0, 447.0, 1135.0, 547.0, 1.0]], "average_area": [59064.3564822362], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2], [3, 3], [4, 0], [6, 6]], "ret_unmatched_detections": [7, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 478}, {"time_since_observed": 1, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 110}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 479, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[729.37, 449.63, 754.76, 527.8, 0.37915], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.48501]]}, "detections": [[769.23, 434.36, 866.722, 728.83, 1.9982], [1143.5, 434.36, 1339.48, 1024.31, 1.3375], [846.44, 405.34, 937.336, 680.03, 1.2203], [611.65, 414.66, 709.1419999999999, 709.1300000000001, 1.205], [1310.6, 389.02, 1552.11, 1115.56, 0.56031], [1508.5, 416.87, 1637.46, 805.75, 0.45922], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.43719], [1098.8, 433.8, 1150.58, 591.14, 0.36539], [729.37, 449.63, 754.76, 527.8, 0.31137]], "trackers": [[1515.3753609102348, 400.64485608878965, 1649.7420915805144, 805.7335848408162, 0.0], [1330.7042494095715, 400.7630805518257, 1562.092516177345, 1096.9394811887523, 0.0], [1148.7889257021443, 423.46789828030654, 1344.5810167046134, 1012.8576178984615, 0.0], [846.9884106200416, 406.1226160275662, 936.0169034725197, 675.2107881126724, 0.0], [773.7778819213797, 434.15615290711213, 871.1761316036782, 728.3429771840601, 0.0], [626.5236827002258, 419.5137213172944, 719.8588606203035, 701.5197704393819, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1308.0, 411.0, 1494.0, 964.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1085.0, 468.0, 1125.0, 595.0, 1.0], [354.0, 510.0, 434.0, 638.0, 0.0], [41.0, 530.0, 138.0, 655.0, 0.0], [402.0, 473.0, 496.0, 663.0, 0.0], [927.0, 448.0, 953.0, 514.0, 1.0], [-173.0, 382.0, 244.0, 1335.0, 1.0], [1040.0, 441.0, 1078.0, 549.0, 1.0], [990.0, 447.0, 1025.0, 545.0, 1.0], [1349.0, 394.0, 1597.0, 1121.0, 1.0], [1167.0, 423.0, 1336.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 460.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [842.0, 409.0, 923.0, 710.0, 1.0], [873.0, 429.0, 993.0, 681.0, 1.0], [761.0, 436.0, 861.0, 732.0, 1.0], [631.0, 432.0, 714.0, 705.0, 1.0], [1519.0, 414.0, 1714.0, 813.0, 1.0], [750.0, 442.0, 792.0, 581.0, 1.0], [1190.0, 450.0, 1224.0, 535.0, 1.0], [1054.0, 452.0, 1084.0, 546.0, 1.0], [1037.0, 452.0, 1073.0, 538.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 535.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 736.0, 535.0, 0.0], [564.0, 453.0, 597.0, 531.0, 1.0], [531.0, 460.0, 557.0, 532.0, 1.0], [394.0, 557.0, 540.0, 699.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [325.0, 561.0, 463.0, 670.0, 0.0], [14.0, 587.0, 214.0, 702.0, 0.0], [463.0, 460.0, 490.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [585.0, 455.0, 603.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1043.0, 528.0, 1.0], [1100.0, 447.0, 1134.0, 547.0, 1.0]], "average_area": [59713.3272256964], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 3], [3, 5], [4, 1], [5, 0], [7, 6]], "ret_unmatched_detections": [6, 8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 479}, {"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 111}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 480, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1171.0, 223.86, 1448.58, 1058.5900000000001, 0.43719], [729.37, 449.63, 754.76, 527.8, 0.31137]]}, "detections": [[1167.1, 481.15, 1337.58, 994.6, 1.5145], [769.23, 434.36, 866.722, 728.83, 1.4313], [631.35, 414.66, 728.842, 709.1300000000001, 1.0102], [824.37, 402.13, 928.9300000000001, 717.81, 0.8113], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.56281], [528.8, 454.91, 554.1899999999999, 533.08, 0.49409], [729.37, 449.63, 754.76, 527.8, 0.43054], [1528.8, 413.27, 1649.06, 776.04, 0.42588], [1310.6, 389.02, 1552.11, 1115.56, 0.41894]], "trackers": [[1515.8966669697834, 411.6569130856838, 1646.5231103586643, 805.5266889740333, 0.0], [1321.6611016367626, 392.3648413969478, 1560.4912448769476, 1110.8674519008237, 0.0], [1148.3780287802654, 432.653526925603, 1344.4643785766664, 1022.9257227491391, 0.0], [848.0741950805847, 405.11065103610787, 938.1744925912593, 677.4121848574196, 0.0], [775.1396892179956, 434.18781713696865, 872.5388559691411, 728.3774158878799, 0.0], [619.8791173233097, 416.08076365778186, 715.8041069366644, 705.8536085608401, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1313.0, 411.0, 1500.0, 965.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 468.0, 1125.0, 596.0, 1.0], [349.0, 510.0, 429.0, 638.0, 0.0], [33.0, 530.0, 130.0, 655.0, 0.0], [393.0, 474.0, 489.0, 665.0, 0.0], [928.0, 448.0, 954.0, 515.0, 1.0], [-196.0, 382.0, 221.0, 1334.0, 1.0], [1039.0, 441.0, 1077.0, 549.0, 1.0], [989.0, 447.0, 1024.0, 545.0, 1.0], [1354.0, 393.0, 1613.0, 1127.0, 1.0], [1172.0, 423.0, 1340.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 460.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [843.0, 409.0, 923.0, 710.0, 1.0], [875.0, 430.0, 1003.0, 681.0, 1.0], [769.0, 437.0, 867.0, 732.0, 1.0], [634.0, 432.0, 717.0, 704.0, 1.0], [1523.0, 415.0, 1733.0, 816.0, 1.0], [748.0, 442.0, 790.0, 581.0, 1.0], [1189.0, 451.0, 1223.0, 535.0, 1.0], [1055.0, 451.0, 1086.0, 545.0, 1.0], [1039.0, 451.0, 1074.0, 538.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 535.0, 1.0], [664.0, 462.0, 689.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 736.0, 535.0, 0.0], [565.0, 454.0, 598.0, 532.0, 1.0], [532.0, 460.0, 557.0, 532.0, 1.0], [386.0, 558.0, 534.0, 701.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [318.0, 561.0, 458.0, 671.0, 0.0], [8.0, 588.0, 207.0, 702.0, 0.0], [463.0, 460.0, 490.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [585.0, 455.0, 602.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 451.0, 1043.0, 527.0, 1.0], [1099.0, 447.0, 1133.0, 547.0, 1.0]], "average_area": [61132.2861379665], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 3], [7, 0], [8, 1]], "ret_unmatched_detections": [5, 6, 4], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 480}, {"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 112}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 93}, {"time_since_observed": 1, "confidence": 0.03998083033381038, "age": 4}], "frame_count": 481, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[528.8, 454.91, 554.1899999999999, 533.08, 0.49409], [729.37, 449.63, 754.76, 527.8, 0.43054], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.56281]]}, "detections": [[788.93, 434.36, 886.4219999999999, 728.83, 1.6911], [1167.1, 481.15, 1337.58, 994.6, 1.5285], [631.35, 414.66, 728.842, 709.1300000000001, 1.495], [846.44, 405.34, 937.336, 680.03, 1.1646], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.7181], [1313.4, 408.29, 1538.67, 1086.1100000000001, 0.57443]], "trackers": [[1529.7166346589167, 412.0908819760407, 1653.5071198681046, 785.4488099705195, 0.0], [1319.9704960161775, 390.34837781468974, 1560.550273766305, 1114.099024388306, 0.0], [1163.4549114916745, 465.3622247114608, 1344.0728746733325, 1009.2404968568362, 0.0], [833.0923603020585, 403.826444990969, 932.4403014283462, 703.8872578745876, 0.0], [775.266372825383, 434.2160945981484, 872.6665981335499, 728.4088923936781, 0.0], [631.1268949423325, 414.83622542884586, 728.0230022499416, 707.5202199784742, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1318.0, 411.0, 1507.0, 965.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 466.0, 1124.0, 596.0, 1.0], [344.0, 511.0, 425.0, 639.0, 0.0], [24.0, 531.0, 121.0, 656.0, 0.0], [385.0, 474.0, 482.0, 667.0, 0.0], [928.0, 448.0, 955.0, 515.0, 1.0], [-218.0, 382.0, 198.0, 1334.0, 1.0], [1038.0, 442.0, 1077.0, 550.0, 1.0], [988.0, 447.0, 1023.0, 545.0, 1.0], [1360.0, 393.0, 1629.0, 1133.0, 1.0], [1177.0, 423.0, 1344.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 460.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [844.0, 409.0, 923.0, 710.0, 1.0], [877.0, 430.0, 1004.0, 681.0, 1.0], [778.0, 437.0, 873.0, 731.0, 1.0], [637.0, 432.0, 720.0, 703.0, 1.0], [1529.0, 416.0, 1738.0, 820.0, 1.0], [747.0, 443.0, 789.0, 581.0, 1.0], [1188.0, 451.0, 1222.0, 534.0, 1.0], [1056.0, 451.0, 1088.0, 544.0, 1.0], [1040.0, 449.0, 1075.0, 538.0, 1.0], [621.0, 456.0, 655.0, 540.0, 1.0], [729.0, 452.0, 757.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 735.0, 535.0, 0.0], [565.0, 454.0, 598.0, 532.0, 1.0], [532.0, 460.0, 558.0, 532.0, 1.0], [379.0, 559.0, 528.0, 703.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [311.0, 562.0, 454.0, 672.0, 0.0], [2.0, 589.0, 201.0, 703.0, 0.0], [463.0, 460.0, 490.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [584.0, 455.0, 602.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 452.0, 1043.0, 526.0, 1.0], [1100.0, 447.0, 1133.0, 547.0, 1.0]], "average_area": [59077.71260015363], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 2], [2, 5], [3, 3], [5, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 481}, {"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 113}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 94}, {"time_since_observed": 2, "confidence": 0.02758084171315316, "age": 5}], "frame_count": 482, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1144.7, 260.92, 1403.6200000000001, 1039.68, 0.7181]]}, "detections": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6958], [631.35, 414.66, 728.842, 709.1300000000001, 1.6643], [1167.1, 481.15, 1337.58, 994.6, 1.3634], [1144.7, 260.92, 1403.6200000000001, 1039.68, 1.0288], [846.44, 405.34, 937.336, 680.03, 0.89015], [1310.6, 389.02, 1552.11, 1115.56, 0.39012]], "trackers": [[1535.200526073257, 411.74050395318187, 1658.744962823512, 784.3563382184198, 0.0], [1320.2408786097633, 401.1506362056151, 1551.3321218817125, 1096.4369421843403, 0.0], [1169.0523205171091, 478.10080313895617, 1343.4032612758344, 1003.1704912858692, 0.0], [842.5944315259138, 404.0820761257273, 936.7244468945354, 688.4833844144728, 0.0], [788.9816519332625, 434.24144593649436, 886.3829779575289, 728.437569051333, 0.0], [635.0441522793759, 414.39967563190714, 732.3086391485009, 708.1877970945151, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1323.0, 411.0, 1513.0, 966.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 465.0, 1124.0, 596.0, 1.0], [338.0, 511.0, 419.0, 639.0, 0.0], [16.0, 532.0, 113.0, 657.0, 0.0], [376.0, 475.0, 474.0, 669.0, 0.0], [929.0, 448.0, 955.0, 515.0, 1.0], [-241.0, 382.0, 176.0, 1334.0, 1.0], [1037.0, 442.0, 1076.0, 550.0, 1.0], [988.0, 447.0, 1023.0, 545.0, 1.0], [1361.0, 392.0, 1631.0, 1132.0, 1.0], [1182.0, 423.0, 1349.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 459.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [845.0, 410.0, 924.0, 710.0, 1.0], [879.0, 430.0, 1005.0, 681.0, 1.0], [786.0, 438.0, 879.0, 731.0, 1.0], [638.0, 432.0, 726.0, 702.0, 1.0], [1536.0, 417.0, 1743.0, 824.0, 1.0], [746.0, 444.0, 788.0, 581.0, 1.0], [1188.0, 451.0, 1222.0, 534.0, 1.0], [1057.0, 450.0, 1090.0, 544.0, 1.0], [1042.0, 448.0, 1077.0, 538.0, 1.0], [622.0, 455.0, 655.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 735.0, 535.0, 0.0], [565.0, 454.0, 598.0, 532.0, 1.0], [533.0, 460.0, 559.0, 532.0, 1.0], [371.0, 560.0, 522.0, 705.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [304.0, 562.0, 449.0, 673.0, 0.0], [-8.0, 591.0, 192.0, 705.0, 0.0], [462.0, 460.0, 489.0, 536.0, 1.0], [534.0, 459.0, 551.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [584.0, 455.0, 602.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 452.0, 1043.0, 525.0, 1.0], [1097.0, 447.0, 1132.0, 547.0, 1.0]], "average_area": [55771.94177776836], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2], [4, 3], [5, 1]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 482}, {"time_since_observed": 0, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 114}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 95}, {"time_since_observed": 3, "confidence": 0.024346367666568353, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 483, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[635.49, 429.71, 720.232, 685.94, 2.2989], [788.93, 434.36, 886.4219999999999, 728.83, 2.2922], [1185.0, 513.0, 1344.0, 992.0, 1.3703], [909.86, 429.71, 994.602, 685.94, 0.75014], [1196.6, 260.92, 1455.52, 1039.68, 0.70702], [848.03, 414.66, 945.5219999999999, 709.1300000000001, 0.49586], [713.0, 477.0, 732.0, 536.0, 0.34918], [1553.6, 389.14, 1701.8899999999999, 836.0, 0.32917]], "trackers": [[1540.622997344176, 411.2048798878171, 1664.0442259223405, 783.4491125088258, 0.0], [1318.6552667330488, 393.681992064789, 1556.2931021065415, 1108.608311046646, 0.0], [1170.9046565296967, 482.77702533509034, 1342.8025436174685, 1000.482801394361, 0.0], [846.1523785652496, 404.3489459901155, 938.2131809658458, 682.5358558604642, 0.0], [795.1336449695083, 438.89224110954694, 888.4281139743917, 720.7744303969715, 0.0], [636.1857686740477, 414.2649234809405, 733.590592406433, 708.4736444045343, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0], [1144.7, 260.91999999999996, 1403.6200000000001, 1039.6799999999998, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1328.0, 410.0, 1519.0, 966.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 464.0, 1124.0, 596.0, 1.0], [333.0, 511.0, 414.0, 639.0, 0.0], [8.0, 532.0, 105.0, 657.0, 0.0], [368.0, 475.0, 467.0, 672.0, 0.0], [930.0, 448.0, 956.0, 515.0, 1.0], [-263.0, 382.0, 153.0, 1334.0, 1.0], [1036.0, 442.0, 1075.0, 550.0, 1.0], [987.0, 447.0, 1022.0, 545.0, 1.0], [1362.0, 392.0, 1634.0, 1132.0, 1.0], [1187.0, 423.0, 1353.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 459.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [845.0, 409.0, 924.0, 709.0, 1.0], [881.0, 431.0, 1006.0, 681.0, 1.0], [795.0, 439.0, 885.0, 731.0, 1.0], [640.0, 432.0, 733.0, 702.0, 1.0], [1543.0, 418.0, 1748.0, 828.0, 1.0], [745.0, 445.0, 787.0, 581.0, 1.0], [1187.0, 451.0, 1221.0, 534.0, 1.0], [1059.0, 450.0, 1093.0, 543.0, 1.0], [1043.0, 447.0, 1078.0, 538.0, 1.0], [623.0, 455.0, 656.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 735.0, 535.0, 0.0], [565.0, 454.0, 598.0, 532.0, 1.0], [534.0, 461.0, 560.0, 533.0, 1.0], [363.0, 561.0, 516.0, 707.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [297.0, 562.0, 445.0, 674.0, 0.0], [-17.0, 593.0, 184.0, 707.0, 0.0], [462.0, 460.0, 489.0, 536.0, 1.0], [535.0, 460.0, 552.0, 523.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [584.0, 455.0, 602.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1015.0, 452.0, 1043.0, 524.0, 1.0]], "average_area": [74397.25309586705], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2], [4, 7], [5, 3], [7, 0]], "ret_unmatched_detections": [3, 6], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 483}, {"time_since_observed": 1, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 115}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 484, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[909.86, 429.71, 994.602, 685.94, 0.75014], [713.0, 477.0, 732.0, 536.0, 0.34918]]}, "detections": [[788.93, 434.36, 886.4219999999999, 728.83, 2.0158], [644.27, 423.72, 735.1659999999999, 698.4100000000001, 2.0002], [1167.1, 481.15, 1337.58, 994.6, 1.6194], [736.17, 442.1, 781.1179999999999, 578.94, 0.98145], [1196.6, 260.92, 1455.52, 1039.68, 0.70655], [911.64, 433.93, 985.283, 656.86, 0.60287], [1553.6, 389.14, 1701.8899999999999, 836.0, 0.3361], [1359.1, 389.02, 1600.61, 1115.56, 0.30468]], "trackers": [[1558.9350606632365, 394.15991884980633, 1702.4208803329889, 826.6244870660872, 0.0], [1323.2351947698503, 393.7407302401509, 1560.8787194344459, 1108.6841652841017, 0.0], [1183.5338624908034, 505.37844336136374, 1347.3898759948913, 998.9528968242203, 0.0], [848.7994711207007, 411.92349756294925, 944.242119973853, 700.2516638611178, 0.0], [795.639454384117, 436.0369116631651, 891.4950691260283, 725.599849459308, 0.0], [638.628899459547, 423.10614701837585, 728.2403982387425, 693.9510721236568, 0.0], [1232.5307692307692, 260.91999999999996, 1491.4507692307693, 1039.6799999999998, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1333.0, 410.0, 1526.0, 966.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 462.0, 1124.0, 596.0, 1.0], [327.0, 511.0, 408.0, 639.0, 0.0], [0.0, 533.0, 97.0, 658.0, 0.0], [359.0, 475.0, 460.0, 674.0, 0.0], [930.0, 448.0, 957.0, 516.0, 1.0], [-286.0, 382.0, 131.0, 1334.0, 1.0], [1036.0, 442.0, 1075.0, 550.0, 1.0], [987.0, 447.0, 1022.0, 545.0, 1.0], [1363.0, 392.0, 1637.0, 1132.0, 1.0], [1192.0, 423.0, 1358.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 431.0, 577.0, 1.0], [425.0, 457.0, 459.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [846.0, 409.0, 925.0, 709.0, 1.0], [883.0, 431.0, 1007.0, 681.0, 1.0], [796.0, 439.0, 893.0, 730.0, 1.0], [642.0, 432.0, 740.0, 702.0, 1.0], [1550.0, 419.0, 1753.0, 833.0, 1.0], [743.0, 445.0, 786.0, 580.0, 1.0], [1186.0, 451.0, 1220.0, 534.0, 1.0], [1060.0, 449.0, 1095.0, 543.0, 1.0], [1045.0, 447.0, 1080.0, 538.0, 1.0], [624.0, 455.0, 657.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 734.0, 535.0, 0.0], [566.0, 454.0, 598.0, 532.0, 1.0], [534.0, 460.0, 560.0, 533.0, 1.0], [355.0, 562.0, 510.0, 709.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [290.0, 563.0, 440.0, 675.0, 0.0], [-27.0, 595.0, 176.0, 710.0, 0.0], [462.0, 460.0, 489.0, 536.0, 1.0], [535.0, 460.0, 552.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [583.0, 455.0, 601.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 453.0, 1043.0, 524.0, 1.0]], "average_area": [84858.82134499926], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 2], [4, 6], [6, 0], [7, 1], [5, 3]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 484}, {"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 116}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 485, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 442.1, 781.1179999999999, 578.94, 0.98145]]}, "detections": [[644.27, 423.72, 735.1659999999999, 698.4100000000001, 1.8947], [1182.9, 434.36, 1378.88, 1024.31, 1.6724], [791.3, 442.1, 882.1959999999999, 716.79, 1.5996], [736.17, 442.1, 781.1179999999999, 578.94, 0.86927], [926.57, 448.86, 1000.2130000000001, 671.79, 0.6795], [1359.1, 389.02, 1600.61, 1115.56, 0.50629], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.4353], [1561.0, 418.86, 1699.29, 835.72, 0.34969]], "trackers": [[1562.30059854697, 391.27387734585017, 1709.0064069814498, 833.390006189215, 0.0], [1358.0246417000567, 390.4247689457464, 1598.5254005789484, 1113.9384461889194, 0.0], [1175.7801439064717, 492.55956108075225, 1343.690433827692, 998.2992956276753, 0.0], [893.6527700491138, 424.5018828314808, 976.0185370843037, 673.6414387590784, 0.0], [795.4316291542733, 434.98367871098753, 892.2485161382477, 727.4282504469463, 0.0], [645.885486314541, 423.3319439027262, 736.2019485213924, 696.2847010997154, 0.0], [1225.4621241348007, 260.91999999999996, 1484.3821241348007, 1039.6799999999998, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1338.0, 410.0, 1532.0, 967.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 461.0, 1124.0, 596.0, 1.0], [322.0, 512.0, 403.0, 640.0, 0.0], [-9.0, 533.0, 88.0, 658.0, 0.0], [351.0, 476.0, 452.0, 676.0, 0.0], [931.0, 448.0, 958.0, 516.0, 1.0], [-308.0, 382.0, 108.0, 1334.0, 1.0], [1035.0, 442.0, 1074.0, 550.0, 1.0], [986.0, 447.0, 1021.0, 545.0, 1.0], [1364.0, 392.0, 1640.0, 1132.0, 1.0], [1197.0, 423.0, 1362.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 431.0, 577.0, 1.0], [424.0, 457.0, 459.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 452.0, 541.0, 1.0], [846.0, 409.0, 925.0, 709.0, 1.0], [886.0, 432.0, 1008.0, 681.0, 1.0], [798.0, 439.0, 901.0, 730.0, 1.0], [644.0, 432.0, 747.0, 701.0, 1.0], [1559.0, 416.0, 1753.0, 833.0, 1.0], [742.0, 445.0, 785.0, 579.0, 1.0], [1186.0, 451.0, 1220.0, 534.0, 1.0], [1061.0, 449.0, 1097.0, 542.0, 1.0], [1047.0, 447.0, 1082.0, 538.0, 1.0], [625.0, 455.0, 658.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 734.0, 535.0, 0.0], [566.0, 454.0, 599.0, 532.0, 1.0], [534.0, 460.0, 560.0, 533.0, 1.0], [348.0, 563.0, 505.0, 712.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [283.0, 563.0, 436.0, 676.0, 0.0], [-36.0, 598.0, 167.0, 712.0, 0.0], [462.0, 460.0, 489.0, 536.0, 1.0], [535.0, 460.0, 552.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [583.0, 455.0, 601.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 452.0, 1043.0, 523.0, 1.0]], "average_area": [85558.32974940601], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 4], [4, 3], [5, 1], [6, 6], [7, 0]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 485}, {"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 117}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 486, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[736.17, 442.1, 781.1179999999999, 578.94, 0.86927]]}, "detections": [[1182.9, 434.36, 1378.88, 1024.31, 1.7835], [635.49, 429.71, 720.232, 685.94, 1.7366], [788.93, 434.36, 886.4219999999999, 728.83, 1.3729], [1583.4, 389.14, 1731.69, 836.0, 1.1091], [736.17, 442.1, 781.1179999999999, 578.94, 1.0952], [1359.1, 389.02, 1600.61, 1115.56, 0.6414], [927.01, 429.71, 1011.752, 685.94, 0.64115], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.46833]], "trackers": [[1567.8984143463592, 410.1439587430599, 1709.4576274328617, 836.8175647958461, 0.0], [1365.9530068771696, 389.6195299593906, 1607.1364314191464, 1115.1806939937628, 0.0], [1184.6648679240182, 456.63462787461464, 1370.6103076569682, 1016.4992825985685, 0.0], [921.1637899366561, 440.8427834881339, 997.9622020910111, 673.2550053887752, 0.0], [796.3780855536239, 439.234770451153, 889.4438022113069, 720.430842151045, 0.0], [648.3130361385688, 423.4479037991723, 738.8985414114434, 697.204995916092, 0.0], [1190.2317516178896, 221.01035603065657, 1469.2011787766037, 1059.977604555552, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1343.0, 410.0, 1538.0, 967.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 460.0, 1124.0, 597.0, 1.0], [316.0, 512.0, 397.0, 640.0, 0.0], [-17.0, 534.0, 80.0, 659.0, 0.0], [343.0, 476.0, 445.0, 678.0, 0.0], [932.0, 448.0, 958.0, 516.0, 1.0], [-331.0, 382.0, 86.0, 1334.0, 1.0], [1035.0, 442.0, 1074.0, 550.0, 1.0], [985.0, 447.0, 1020.0, 545.0, 1.0], [1365.0, 392.0, 1643.0, 1132.0, 1.0], [1203.0, 423.0, 1367.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 459.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 453.0, 541.0, 1.0], [847.0, 409.0, 926.0, 709.0, 1.0], [894.0, 431.0, 1013.0, 680.0, 1.0], [800.0, 440.0, 910.0, 730.0, 1.0], [646.0, 432.0, 754.0, 701.0, 1.0], [1569.0, 413.0, 1753.0, 833.0, 1.0], [740.0, 445.0, 784.0, 578.0, 1.0], [1185.0, 451.0, 1219.0, 534.0, 1.0], [1063.0, 449.0, 1100.0, 542.0, 1.0], [1048.0, 447.0, 1083.0, 539.0, 1.0], [626.0, 455.0, 659.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [665.0, 462.0, 690.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 734.0, 535.0, 0.0], [566.0, 454.0, 599.0, 532.0, 1.0], [534.0, 460.0, 560.0, 533.0, 1.0], [339.0, 564.0, 498.0, 714.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [276.0, 563.0, 431.0, 677.0, 0.0], [-45.0, 600.0, 159.0, 714.0, 0.0], [462.0, 460.0, 489.0, 536.0, 1.0], [535.0, 460.0, 552.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [583.0, 455.0, 601.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1016.0, 452.0, 1043.0, 523.0, 1.0]], "average_area": [91765.7751951907], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 4], [3, 0], [5, 1], [6, 3], [7, 6]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 486}, {"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 118}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 487, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1177.3, 478.86, 1360.09, 1029.24, 1.7576], [808.63, 434.36, 906.122, 728.83, 1.5332], [644.27, 423.72, 735.1659999999999, 698.4100000000001, 1.4383], [1196.6, 260.92, 1455.52, 1039.68, 0.74745], [1359.1, 389.02, 1600.61, 1115.56, 0.64673], [1583.4, 389.14, 1731.69, 836.0, 0.55922], [736.17, 442.1, 781.1179999999999, 578.94, 0.52422], [532.85, 458.99, 556.4730000000001, 531.859, 0.35065], [926.57, 448.86, 1000.2130000000001, 671.79, 0.34242]], "trackers": [[1585.8066457533878, 397.2372833471784, 1731.686111855092, 836.8711829811934, 0.0], [1368.2691873575159, 389.3191356971196, 1609.697913768287, 1115.6160104336268, 0.0], [1187.8465299440388, 443.4698579569459, 1380.2365531949256, 1022.6610210691081, 0.0], [931.8135514380018, 434.76500740498636, 1013.4531360165007, 681.6958997259803, 0.0], [794.9994684981506, 436.20603453447353, 890.7726715829882, 725.5220016633514, 0.0], [642.4014149606609, 426.9743749518294, 729.24656990239, 689.5117014876936, 0.0], [1179.5692679579017, 213.21410823468784, 1462.4253293977865, 1063.83295968341, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1348.0, 410.0, 1545.0, 968.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 459.0, 1124.0, 597.0, 1.0], [311.0, 512.0, 392.0, 640.0, 0.0], [-25.0, 534.0, 72.0, 659.0, 0.0], [334.0, 476.0, 438.0, 680.0, 0.0], [932.0, 448.0, 959.0, 517.0, 1.0], [-353.0, 382.0, 63.0, 1334.0, 1.0], [1034.0, 442.0, 1073.0, 550.0, 1.0], [985.0, 447.0, 1020.0, 545.0, 1.0], [1366.0, 392.0, 1645.0, 1131.0, 1.0], [1203.0, 423.0, 1376.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 458.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 458.0, 453.0, 541.0, 1.0], [847.0, 409.0, 926.0, 709.0, 1.0], [902.0, 431.0, 1018.0, 680.0, 1.0], [801.0, 440.0, 918.0, 729.0, 1.0], [648.0, 432.0, 761.0, 701.0, 1.0], [1579.0, 411.0, 1754.0, 834.0, 1.0], [739.0, 446.0, 784.0, 578.0, 1.0], [1184.0, 451.0, 1218.0, 534.0, 1.0], [1065.0, 448.0, 1101.0, 542.0, 1.0], [1050.0, 447.0, 1085.0, 539.0, 1.0], [627.0, 455.0, 660.0, 540.0, 1.0], [728.0, 451.0, 756.0, 536.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 733.0, 535.0, 0.0], [567.0, 454.0, 599.0, 532.0, 1.0], [534.0, 460.0, 561.0, 533.0, 1.0], [330.0, 565.0, 491.0, 716.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [270.0, 564.0, 427.0, 678.0, 0.0], [-55.0, 602.0, 151.0, 717.0, 0.0], [461.0, 460.0, 488.0, 536.0, 1.0], [535.0, 460.0, 553.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1017.0, 452.0, 1044.0, 523.0, 1.0]], "average_area": [83541.8273666173], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 6], [4, 1], [5, 0], [6, 7], [8, 3]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 487}, {"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 119}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 488, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[532.85, 458.99, 556.4730000000001, 531.859, 0.35065]]}, "detections": [[1185.0, 513.0, 1344.0, 992.0, 1.7449], [809.68, 442.1, 900.5759999999999, 716.79, 1.3356], [644.27, 423.72, 735.1659999999999, 698.4100000000001, 1.264], [1177.6, 408.29, 1402.87, 1086.1100000000001, 1.0384], [1613.3, 389.14, 1761.59, 836.0, 0.94808], [927.01, 429.71, 1011.752, 685.94, 0.81635], [736.17, 442.1, 781.1179999999999, 578.94, 0.63831], [1359.1, 389.02, 1600.61, 1115.56, 0.32712]], "trackers": [[1591.889490238373, 392.32664189023, 1739.381903995439, 836.7977935918337, 0.0], [1368.5424541021043, 389.1935158470544, 1610.063702064091, 1115.767877140884, 0.0], [1184.1134507049096, 468.3681892569416, 1370.67937299309, 1030.0824812712142, 0.0], [934.4602198304832, 444.63366373018323, 1010.9669922234806, 676.1589675641554, 0.0], [808.2006451648323, 435.0855014781081, 904.9889054623155, 727.4443679570273, 0.0], [646.4547360180917, 424.87799307261537, 735.7370305190085, 694.7263083811159, 0.0], [1197.890406405743, 244.379636398392, 1465.2097292690057, 1048.3540296211584, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1348.0, 409.0, 1550.0, 968.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 434.0, 1149.0, 590.0, 1.0], [1086.0, 457.0, 1124.0, 597.0, 1.0], [305.0, 513.0, 386.0, 641.0, 0.0], [-34.0, 535.0, 63.0, 660.0, 0.0], [326.0, 477.0, 430.0, 682.0, 0.0], [933.0, 448.0, 960.0, 517.0, 1.0], [1033.0, 442.0, 1072.0, 550.0, 1.0], [984.0, 447.0, 1019.0, 545.0, 1.0], [1367.0, 392.0, 1648.0, 1131.0, 1.0], [1204.0, 423.0, 1385.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 458.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [848.0, 409.0, 927.0, 709.0, 1.0], [911.0, 431.0, 1024.0, 680.0, 1.0], [802.0, 440.0, 927.0, 728.0, 1.0], [648.0, 432.0, 762.0, 701.0, 1.0], [1589.0, 409.0, 1754.0, 835.0, 1.0], [737.0, 446.0, 782.0, 577.0, 1.0], [1184.0, 451.0, 1218.0, 534.0, 1.0], [1068.0, 448.0, 1103.0, 542.0, 1.0], [1052.0, 446.0, 1087.0, 539.0, 1.0], [628.0, 455.0, 661.0, 540.0, 1.0], [728.0, 451.0, 755.0, 536.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 733.0, 535.0, 0.0], [567.0, 454.0, 599.0, 532.0, 1.0], [535.0, 460.0, 561.0, 533.0, 1.0], [321.0, 566.0, 484.0, 718.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [261.0, 565.0, 421.0, 679.0, 0.0], [-64.0, 604.0, 143.0, 719.0, 0.0], [461.0, 460.0, 488.0, 536.0, 1.0], [536.0, 460.0, 553.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1017.0, 452.0, 1044.0, 523.0, 1.0]], "average_area": [79625.92821314538], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 6], [4, 0], [5, 3], [6, 7], [7, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 488}, {"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 120}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 489, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1182.9, 434.36, 1378.88, 1024.31, 1.5401], [808.63, 434.36, 906.122, 728.83, 1.1661], [652.64, 429.71, 737.382, 685.94, 1.0985], [1613.3, 419.0, 1761.59, 865.86, 0.68912], [927.01, 429.71, 1011.752, 685.94, 0.59378], [736.17, 442.1, 781.1179999999999, 578.94, 0.58814], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.33397]], "trackers": [[1614.7857944982118, 390.42947490944715, 1762.8884026752855, 836.730389497108, 0.0], [1368.0802612064272, 389.13454250538734, 1609.6363944106856, 1115.813526144888, 0.0], [1186.6567326128386, 498.1991613477867, 1356.5259430353979, 1009.8286273512126, 0.0], [935.6864876499016, 436.05110298337314, 1017.2257859751816, 682.6769001887349, 0.0], [813.2687337168869, 439.3065665833412, 906.3266384964844, 720.479315731345, 0.0], [647.7454641114496, 424.12181292619107, 737.9426157774035, 696.7133703327115, 0.0], [1186.6612943340567, 376.48543842867133, 1421.4939343109083, 1082.954910078095, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1349.0, 409.0, 1555.0, 968.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 433.0, 1149.0, 589.0, 1.0], [1086.0, 456.0, 1124.0, 597.0, 1.0], [300.0, 513.0, 381.0, 641.0, 0.0], [-42.0, 536.0, 55.0, 661.0, 0.0], [317.0, 477.0, 423.0, 685.0, 0.0], [933.0, 448.0, 961.0, 517.0, 1.0], [1033.0, 442.0, 1072.0, 550.0, 1.0], [984.0, 447.0, 1019.0, 545.0, 1.0], [1368.0, 392.0, 1651.0, 1131.0, 1.0], [1205.0, 423.0, 1394.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 458.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [414.0, 468.0, 457.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [848.0, 409.0, 927.0, 709.0, 1.0], [919.0, 430.0, 1029.0, 679.0, 1.0], [804.0, 440.0, 936.0, 728.0, 1.0], [649.0, 432.0, 764.0, 701.0, 1.0], [1599.0, 407.0, 1755.0, 836.0, 1.0], [735.0, 446.0, 780.0, 577.0, 1.0], [1183.0, 451.0, 1217.0, 533.0, 1.0], [1070.0, 448.0, 1105.0, 542.0, 1.0], [1053.0, 446.0, 1088.0, 540.0, 1.0], [629.0, 455.0, 662.0, 540.0, 1.0], [727.0, 451.0, 755.0, 536.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 733.0, 535.0, 0.0], [567.0, 454.0, 599.0, 532.0, 1.0], [535.0, 460.0, 561.0, 533.0, 1.0], [312.0, 567.0, 477.0, 720.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [253.0, 566.0, 416.0, 680.0, 0.0], [-73.0, 607.0, 134.0, 721.0, 0.0], [461.0, 460.0, 488.0, 536.0, 1.0], [536.0, 460.0, 553.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1017.0, 452.0, 1045.0, 523.0, 1.0]], "average_area": [71432.12338706657], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 0], [4, 3], [5, 7], [6, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 489}, {"time_since_observed": 1, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 121}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 490, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1201.4, 515.45, 1371.88, 1028.9, 1.5653], [944.16, 429.71, 1028.902, 685.94, 1.2541], [644.27, 423.72, 735.1659999999999, 698.4100000000001, 1.2067], [828.06, 442.1, 918.9559999999999, 716.79, 0.9048], [1613.3, 389.14, 1761.59, 836.0, 0.74346], [1196.6, 260.92, 1455.52, 1039.68, 0.62376], [726.98, 442.1, 771.928, 578.94, 0.53162]], "trackers": [[1622.6389226888966, 410.9424763736789, 1770.9727909554633, 857.936814027092, 0.0], [1373.794960758252, 389.2209184469964, 1615.3720313587862, 1115.9628885470104, 0.0], [1187.5163570533982, 458.1473795355626, 1374.1378452845806, 1020.0431651972556, 0.0], [935.6459025955681, 432.8370526738719, 1019.0302695377208, 684.9931499588037, 0.0], [814.348004418248, 436.2635995005646, 910.1207865550383, 725.5784053773014, 0.0], [653.6864945600365, 427.31749799084736, 740.3828108247086, 689.4078543699675, 0.0], [1177.3010777493039, 272.35668379042784, 1442.8296441368832, 1070.970344226012, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1350.0, 409.0, 1560.0, 968.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 433.0, 1149.0, 589.0, 1.0], [1086.0, 455.0, 1124.0, 597.0, 1.0], [294.0, 513.0, 375.0, 641.0, 0.0], [-50.0, 536.0, 47.0, 661.0, 0.0], [309.0, 477.0, 416.0, 687.0, 0.0], [934.0, 448.0, 961.0, 518.0, 1.0], [1032.0, 442.0, 1071.0, 550.0, 1.0], [983.0, 447.0, 1018.0, 545.0, 1.0], [1369.0, 392.0, 1654.0, 1131.0, 1.0], [1206.0, 423.0, 1403.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 458.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [849.0, 409.0, 928.0, 709.0, 1.0], [927.0, 430.0, 1035.0, 679.0, 1.0], [806.0, 440.0, 938.0, 727.0, 1.0], [650.0, 433.0, 765.0, 701.0, 1.0], [1609.0, 405.0, 1756.0, 837.0, 1.0], [734.0, 446.0, 778.0, 577.0, 1.0], [1182.0, 451.0, 1216.0, 533.0, 1.0], [1073.0, 448.0, 1107.0, 542.0, 1.0], [1055.0, 446.0, 1090.0, 540.0, 1.0], [630.0, 455.0, 663.0, 540.0, 1.0], [727.0, 451.0, 755.0, 536.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 733.0, 535.0, 0.0], [568.0, 454.0, 600.0, 533.0, 1.0], [535.0, 460.0, 562.0, 533.0, 1.0], [303.0, 568.0, 470.0, 722.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [245.0, 567.0, 410.0, 681.0, 0.0], [-83.0, 609.0, 126.0, 724.0, 0.0], [461.0, 460.0, 488.0, 536.0, 1.0], [536.0, 460.0, 554.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 456.0, 600.0, 504.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 452.0, 576.0, 484.0, 1.0], [576.0, 449.0, 589.0, 481.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1018.0, 452.0, 1045.0, 523.0, 1.0]], "average_area": [79549.0595852588], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 3], [2, 5], [3, 4], [4, 0], [5, 6], [6, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 490}, {"time_since_observed": 2, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 122}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 491, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1217.0, 513.0, 1376.0, 992.0, 1.741], [726.98, 442.1, 771.928, 578.94, 1.2372], [1222.9, 363.04, 1448.17, 1040.8600000000001, 1.2323], [828.06, 442.1, 918.9559999999999, 716.79, 1.1259], [652.64, 429.71, 737.382, 685.94, 1.0399], [1613.3, 419.0, 1761.59, 865.86, 0.77923], [938.34, 423.72, 1029.236, 698.4100000000001, 0.6808]], "trackers": [[1624.8083617411191, 397.26120128921553, 1773.2293249610495, 844.5166679027122, 0.0], [1379.5148949993754, 389.3230420272545, 1621.1024336175883, 1116.0965033104835, 0.0], [1199.7551181146703, 497.70722093547414, 1376.5032754001206, 1029.9744506684385, 0.0], [947.3441375155905, 431.5746401600522, 1031.424337759891, 685.8155686572716, 0.0], [827.9487366309082, 439.79970266409794, 920.6071849754504, 719.7741147946084, 0.0], [649.9859302579856, 425.077316246613, 739.2169177043864, 694.7717300049321, 0.0], [1193.965463600124, 264.8592330753725, 1455.234022014463, 1050.67437279926, 0.0], [727.4013662079994, 442.1, 772.3493662079993, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1351.0, 408.0, 1565.0, 968.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1112.0, 433.0, 1149.0, 589.0, 1.0], [1087.0, 454.0, 1124.0, 598.0, 1.0], [289.0, 514.0, 370.0, 642.0, 0.0], [-59.0, 537.0, 38.0, 662.0, 0.0], [300.0, 478.0, 409.0, 689.0, 0.0], [935.0, 448.0, 962.0, 518.0, 1.0], [1032.0, 443.0, 1071.0, 551.0, 1.0], [982.0, 447.0, 1017.0, 545.0, 1.0], [1370.0, 392.0, 1657.0, 1131.0, 1.0], [1207.0, 423.0, 1412.0, 1008.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 457.0, 458.0, 566.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [849.0, 409.0, 928.0, 709.0, 1.0], [936.0, 430.0, 1040.0, 679.0, 1.0], [808.0, 440.0, 940.0, 727.0, 1.0], [651.0, 433.0, 767.0, 701.0, 1.0], [1620.0, 404.0, 1757.0, 839.0, 1.0], [732.0, 446.0, 776.0, 577.0, 1.0], [1182.0, 451.0, 1216.0, 533.0, 1.0], [1076.0, 448.0, 1108.0, 542.0, 1.0], [1057.0, 446.0, 1092.0, 540.0, 1.0], [632.0, 455.0, 664.0, 540.0, 1.0], [727.0, 451.0, 755.0, 537.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [568.0, 454.0, 600.0, 533.0, 1.0], [535.0, 460.0, 562.0, 533.0, 1.0], [294.0, 569.0, 463.0, 725.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [237.0, 568.0, 405.0, 683.0, 0.0], [-92.0, 611.0, 118.0, 726.0, 0.0], [461.0, 460.0, 488.0, 537.0, 1.0], [536.0, 460.0, 554.0, 522.0, 1.0], [590.0, 461.0, 608.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1018.0, 452.0, 1046.0, 523.0, 1.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [77360.24319126611], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 7], [2, 6], [3, 4], [4, 5], [5, 0], [6, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 491}, {"time_since_observed": 3, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 123}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 492, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1217.0, 513.0, 1376.0, 992.0, 1.768], [1222.9, 363.04, 1448.17, 1040.8600000000001, 1.4089], [841.27, 446.86, 926.012, 703.09, 0.95331], [944.16, 429.71, 1028.902, 685.94, 0.9435], [729.81, 438.28, 771.6809999999999, 565.89, 0.92426], [1643.1, 389.14, 1791.3899999999999, 836.0, 0.90876], [662.65, 423.72, 753.5459999999999, 698.4100000000001, 0.83761]], "trackers": [[1624.8777624655631, 413.28024539957335, 1773.3308447510258, 860.631993841471, 0.0], [1385.237446329963, 389.43303865915766, 1626.8302187869263, 1116.2222450223117, 0.0], [1214.6880472708472, 509.18561336292737, 1380.5013761756368, 1008.6394432362297, 0.0], [947.3034375628299, 427.45110098396475, 1035.584075278508, 694.2969231935558, 0.0], [832.6905497724915, 441.2097145968648, 924.1334447296024, 717.5367051700998, 0.0], [654.0786640172724, 427.75019467441564, 740.3962503936665, 688.7040376269173, 0.0], [1219.0526875697378, 338.415175705003, 1454.2095551308612, 1045.8733566895444, 0.0], [725.0967330809294, 442.1, 770.0447330809295, 578.94, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1352.0, 408.0, 1570.0, 969.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1149.0, 589.0, 1.0], [1086.0, 453.0, 1125.0, 597.0, 1.0], [281.0, 515.0, 362.0, 643.0, 0.0], [-67.0, 537.0, 30.0, 662.0, 0.0], [292.0, 478.0, 401.0, 691.0, 0.0], [935.0, 447.0, 963.0, 518.0, 1.0], [1031.0, 443.0, 1069.0, 551.0, 1.0], [982.0, 447.0, 1017.0, 545.0, 1.0], [1380.0, 389.0, 1661.0, 1129.0, 1.0], [1207.0, 422.0, 1416.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [850.0, 409.0, 929.0, 709.0, 1.0], [944.0, 429.0, 1046.0, 678.0, 1.0], [810.0, 440.0, 943.0, 727.0, 1.0], [652.0, 434.0, 769.0, 701.0, 1.0], [1625.0, 404.0, 1765.0, 842.0, 1.0], [731.0, 446.0, 774.0, 577.0, 1.0], [1181.0, 451.0, 1215.0, 533.0, 1.0], [1078.0, 448.0, 1110.0, 542.0, 1.0], [1059.0, 446.0, 1094.0, 541.0, 1.0], [632.0, 455.0, 664.0, 540.0, 1.0], [727.0, 451.0, 755.0, 537.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [568.0, 454.0, 600.0, 533.0, 1.0], [535.0, 460.0, 562.0, 533.0, 1.0], [284.0, 569.0, 457.0, 726.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [229.0, 569.0, 400.0, 684.0, 0.0], [-101.0, 614.0, 110.0, 729.0, 0.0], [460.0, 460.0, 487.0, 536.0, 1.0], [536.0, 460.0, 554.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1018.0, 452.0, 1046.0, 523.0, 1.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [71084.8208429937], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 6], [2, 4], [3, 3], [4, 7], [5, 0], [6, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 492}, {"time_since_observed": 4, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 124}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 493, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1217.0, 513.0, 1376.0, 992.0, 1.6054], [662.65, 423.72, 753.5459999999999, 698.4100000000001, 1.3973], [1644.6, 418.86, 1782.8899999999999, 835.72, 1.2761], [1222.9, 363.04, 1448.17, 1040.8600000000001, 1.0759], [961.31, 429.71, 1046.052, 685.94, 0.7103], [828.33, 434.36, 925.822, 728.83, 0.68934], [631.54, 455.71, 660.8539999999999, 545.653, 0.46586], [537.78, 458.99, 561.403, 531.859, 0.3496]], "trackers": [[1645.4309511081526, 397.9022495825618, 1793.8951755447627, 845.2873805176282, 0.0], [1390.9613061414975, 389.5469716249976, 1632.5566954753172, 1116.3440504002033, 0.0], [1220.092739469462, 513.655874659396, 1381.537162498559, 999.9931643015527, 0.0], [950.6749812861408, 429.37840078749224, 1036.6453458545443, 689.2913758729946, 0.0], [843.1946361262804, 444.321252384361, 930.3478823953125, 707.7822293942752, 0.0], [662.7910607465112, 425.2801558009636, 751.8843765825327, 694.561784556026, 0.0], [1227.9095737691077, 365.4784483631727, 1453.044662432529, 1042.8520475436253, 0.0], [726.9920984527101, 438.854596974224, 769.4303759030653, 568.140163951947, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1353.0, 408.0, 1575.0, 969.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1149.0, 589.0, 1.0], [1085.0, 453.0, 1127.0, 597.0, 1.0], [274.0, 516.0, 355.0, 644.0, 0.0], [-75.0, 538.0, 22.0, 663.0, 0.0], [283.0, 479.0, 394.0, 693.0, 0.0], [936.0, 447.0, 963.0, 518.0, 1.0], [1030.0, 443.0, 1068.0, 551.0, 1.0], [981.0, 447.0, 1016.0, 545.0, 1.0], [1391.0, 387.0, 1666.0, 1127.0, 1.0], [1208.0, 422.0, 1420.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [851.0, 409.0, 930.0, 709.0, 1.0], [952.0, 429.0, 1051.0, 678.0, 1.0], [812.0, 440.0, 945.0, 727.0, 1.0], [653.0, 434.0, 769.0, 701.0, 1.0], [1630.0, 405.0, 1773.0, 846.0, 1.0], [729.0, 446.0, 772.0, 577.0, 1.0], [1180.0, 451.0, 1214.0, 533.0, 1.0], [1081.0, 448.0, 1112.0, 542.0, 1.0], [1061.0, 445.0, 1095.0, 541.0, 1.0], [633.0, 455.0, 665.0, 541.0, 1.0], [727.0, 451.0, 755.0, 537.0, 1.0], [666.0, 462.0, 691.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [568.0, 454.0, 600.0, 533.0, 1.0], [536.0, 460.0, 563.0, 534.0, 1.0], [274.0, 569.0, 451.0, 728.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [220.0, 570.0, 394.0, 685.0, 0.0], [-111.0, 614.0, 100.0, 729.0, 0.0], [460.0, 460.0, 487.0, 536.0, 1.0], [537.0, 461.0, 555.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 503.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1019.0, 452.0, 1047.0, 523.0, 1.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [68476.58259158916], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 0], [3, 6], [4, 3], [5, 4]], "ret_unmatched_detections": [6, 7], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 493}, {"time_since_observed": 5, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 125}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 1, "confidence": 0.056087199270962104, "age": 8}], "frame_count": 494, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[631.54, 455.71, 660.8539999999999, 545.653, 0.46586], [537.78, 458.99, 561.403, 531.859, 0.3496]]}, "detections": [[961.31, 429.71, 1046.052, 685.94, 1.8726], [1214.0, 478.86, 1396.79, 1029.24, 1.5239], [846.44, 442.1, 937.336, 716.79, 1.2674], [1643.1, 419.0, 1791.3899999999999, 865.86, 1.1609], [670.74, 414.66, 768.232, 709.1300000000001, 1.0128]], "trackers": [[1653.0240024256623, 411.7995511617996, 1795.3010304872382, 840.6253058451598, 0.0], [1396.685820177561, 389.66287270983867, 1638.2825179391791, 1116.4638876590934, 0.0], [1221.8051375186028, 515.2262186496016, 1381.5513417317575, 996.4641157784424, 0.0], [963.6816272253809, 430.10219066898674, 1048.7547029977788, 687.3214658826445, 0.0], [837.9991338032122, 438.1008690742053, 931.6292312963275, 720.9958706484917, 0.0], [665.8213289116009, 424.37753880372935, 755.9536172325643, 696.7748009364989, 0.0], [1230.5555794837271, 374.5315562250206, 1452.2009271332647, 1041.4300412559942, 0.0], [725.6115941084744, 438.3330432393067, 767.6530950520881, 566.409855321228, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1354.0, 407.0, 1580.0, 969.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1149.0, 589.0, 1.0], [1085.0, 453.0, 1128.0, 596.0, 1.0], [267.0, 517.0, 348.0, 645.0, 0.0], [275.0, 479.0, 387.0, 695.0, 0.0], [937.0, 447.0, 964.0, 519.0, 1.0], [1029.0, 443.0, 1067.0, 551.0, 1.0], [980.0, 447.0, 1015.0, 545.0, 1.0], [1401.0, 385.0, 1670.0, 1125.0, 1.0], [1209.0, 422.0, 1424.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [852.0, 409.0, 932.0, 709.0, 1.0], [961.0, 429.0, 1057.0, 678.0, 1.0], [814.0, 440.0, 947.0, 727.0, 1.0], [654.0, 434.0, 770.0, 701.0, 1.0], [1635.0, 405.0, 1782.0, 850.0, 1.0], [727.0, 446.0, 770.0, 577.0, 1.0], [1180.0, 451.0, 1214.0, 533.0, 1.0], [1084.0, 448.0, 1114.0, 542.0, 1.0], [1063.0, 445.0, 1097.0, 541.0, 1.0], [633.0, 455.0, 665.0, 541.0, 1.0], [727.0, 451.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [568.0, 454.0, 600.0, 533.0, 1.0], [536.0, 460.0, 563.0, 534.0, 1.0], [264.0, 569.0, 445.0, 730.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [212.0, 571.0, 389.0, 687.0, 0.0], [-120.0, 615.0, 91.0, 730.0, 0.0], [460.0, 460.0, 486.0, 536.0, 1.0], [537.0, 461.0, 555.0, 522.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 455.0, 600.0, 502.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1019.0, 452.0, 1047.0, 523.0, 1.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [67450.23805976417], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 4], [3, 0], [4, 5]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 494}, {"time_since_observed": 6, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 126}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 107}, {"time_since_observed": 1, "confidence": 1, "age": 13}, {"time_since_observed": 2, "confidence": 0.03193193424299657, "age": 9}], "frame_count": 495, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[961.31, 429.71, 1046.052, 685.94, 1.991], [1222.3, 434.36, 1418.28, 1024.31, 1.438], [670.74, 414.66, 768.232, 709.1300000000001, 1.3858], [858.42, 446.86, 943.1619999999999, 703.09, 1.104], [1647.2, 378.26, 1817.68, 891.71, 0.99164]], "trackers": [[1654.5343823748838, 418.4579407958074, 1800.6688796812243, 858.8559920824227, 0.0], [1402.4106613219026, 389.779757842189, 1644.008013294763, 1116.5827408704745, 0.0], [1220.802771614845, 493.795450217102, 1395.2072641080067, 1019.0278881493944, 0.0], [968.061963778214, 430.34974324351833, 1052.7913079118805, 686.5369942913271, 0.0], [848.3113652492401, 440.6145488481344, 940.1358947154334, 718.0890423541322, 0.0], [672.6840776712501, 418.28877160842796, 767.440026953091, 704.5576515564043, 0.0], [1235.6506098187856, 382.5458138991717, 1455.484798067363, 1043.9947847695337, 0.0], [724.232980024585, 437.81724806471, 765.8739239407646, 564.6737881301883, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1355.0, 407.0, 1585.0, 969.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1149.0, 589.0, 1.0], [1084.0, 452.0, 1130.0, 596.0, 1.0], [260.0, 518.0, 341.0, 646.0, 0.0], [266.0, 479.0, 379.0, 698.0, 0.0], [937.0, 447.0, 965.0, 519.0, 1.0], [1028.0, 443.0, 1066.0, 551.0, 1.0], [980.0, 447.0, 1015.0, 545.0, 1.0], [1412.0, 383.0, 1675.0, 1123.0, 1.0], [1210.0, 422.0, 1428.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [854.0, 409.0, 933.0, 709.0, 1.0], [962.0, 429.0, 1060.0, 678.0, 1.0], [817.0, 441.0, 950.0, 727.0, 1.0], [655.0, 434.0, 771.0, 701.0, 1.0], [1640.0, 406.0, 1790.0, 854.0, 1.0], [726.0, 446.0, 768.0, 577.0, 1.0], [1179.0, 451.0, 1213.0, 533.0, 1.0], [1086.0, 448.0, 1116.0, 542.0, 1.0], [1065.0, 445.0, 1099.0, 541.0, 1.0], [634.0, 455.0, 666.0, 542.0, 1.0], [727.0, 451.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [569.0, 455.0, 601.0, 534.0, 1.0], [536.0, 460.0, 563.0, 534.0, 1.0], [255.0, 570.0, 439.0, 732.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [204.0, 572.0, 383.0, 688.0, 0.0], [-129.0, 616.0, 82.0, 731.0, 0.0], [460.0, 460.0, 486.0, 536.0, 1.0], [537.0, 461.0, 555.0, 523.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 454.0, 600.0, 502.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [69569.58330050939], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 2], [2, 5], [3, 4], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [1, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 495}, {"time_since_observed": 7, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 127}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 108}, {"time_since_observed": 2, "confidence": 1, "age": 14}, {"time_since_observed": 3, "confidence": 0.022779032817184464, "age": 10}], "frame_count": 496, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.6136], [961.31, 429.71, 1046.052, 685.94, 1.5824], [1235.7, 515.45, 1406.18, 1028.9, 1.297], [848.03, 434.36, 945.5219999999999, 728.83, 1.0129], [631.54, 455.71, 660.8539999999999, 545.653, 0.60185], [1643.1, 419.0, 1791.3899999999999, 865.86, 0.56181]], "trackers": [[1658.038310352018, 393.9929817288812, 1819.9665198887892, 881.8016923383607, 0.0], [1408.135666019387, 389.89713499529626, 1649.7333450972042, 1116.7011020610985, 0.0], [1226.5420465969062, 455.53719394058515, 1414.7587003288306, 1022.212416904259, 0.0], [969.1901222477982, 430.4155950287058, 1053.7892741346268, 686.2119631972682, 0.0], [860.0334431794378, 444.1380927130724, 947.3450794462836, 708.0757902541345, 0.0], [674.9797812439394, 416.0499407849615, 771.4439621849958, 707.4399530688991, 0.0], [1240.2956597301215, 389.2061461873113, 1459.218649425184, 1047.9134536690847, 0.0], [722.8563112849691, 437.30737926018526, 764.0928074851676, 562.9317945690766, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1356.0, 407.0, 1591.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1149.0, 589.0, 1.0], [1083.0, 452.0, 1131.0, 595.0, 1.0], [253.0, 519.0, 334.0, 647.0, 0.0], [258.0, 480.0, 372.0, 700.0, 0.0], [938.0, 447.0, 966.0, 519.0, 1.0], [1027.0, 443.0, 1065.0, 551.0, 1.0], [979.0, 447.0, 1014.0, 545.0, 1.0], [1422.0, 381.0, 1679.0, 1122.0, 1.0], [1212.0, 422.0, 1431.0, 1007.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 453.0, 541.0, 1.0], [855.0, 409.0, 935.0, 709.0, 1.0], [963.0, 430.0, 1064.0, 678.0, 1.0], [823.0, 441.0, 956.0, 727.0, 1.0], [656.0, 435.0, 772.0, 701.0, 1.0], [1645.0, 406.0, 1798.0, 858.0, 1.0], [724.0, 446.0, 766.0, 577.0, 1.0], [1179.0, 452.0, 1213.0, 533.0, 1.0], [1089.0, 448.0, 1119.0, 542.0, 1.0], [1067.0, 445.0, 1101.0, 542.0, 1.0], [635.0, 455.0, 666.0, 543.0, 1.0], [727.0, 451.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [569.0, 455.0, 601.0, 534.0, 1.0], [536.0, 460.0, 563.0, 534.0, 1.0], [242.0, 570.0, 430.0, 734.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [196.0, 573.0, 378.0, 689.0, 0.0], [-138.0, 616.0, 73.0, 731.0, 0.0], [460.0, 460.0, 485.0, 536.0, 1.0], [537.0, 461.0, 555.0, 523.0, 1.0], [589.0, 461.0, 607.0, 510.0, 1.0], [582.0, 454.0, 600.0, 502.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 451.0, 576.0, 483.0, 1.0], [575.0, 448.0, 588.0, 480.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1090.0, 448.0, 1125.0, 546.0, 1.0]], "average_area": [72927.75345518852], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 2], [3, 4], [5, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [6, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 496}, {"time_since_observed": 8, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 128}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 109}, {"time_since_observed": 3, "confidence": 0.9227792015975814, "age": 15}, {"time_since_observed": 4, "confidence": 0.017758365228267865, "age": 11}], "frame_count": 497, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[631.54, 455.71, 660.8539999999999, 545.653, 0.60185]]}, "detections": [[681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.2458], [1225.5, 423.24, 1435.62, 1055.6, 1.2035], [858.42, 446.86, 943.1619999999999, 703.09, 1.1255], [571.03, 454.91, 596.42, 533.08, 0.79906], [971.35, 433.93, 1044.993, 656.86, 0.69103], [1673.0, 419.0, 1821.29, 865.86, 0.38211]], "trackers": [[1654.8822678271315, 411.14177942263467, 1808.6262659071692, 874.3829402729625, 0.0], [1413.8607524931936, 390.0147581580325, 1655.458595123323, 1116.8192172420936, 0.0], [1236.7820050067257, 495.6192193526447, 1414.1781978627237, 1029.829536630792, 0.0], [969.1231924153175, 430.4143692351798, 1053.6740139597966, 686.0656602764222, 0.0], [857.1001448184746, 438.08943405346065, 950.7900749338556, 721.164360265071, 0.0], [682.56991850866, 420.7947904331772, 775.556034771709, 701.7543382785439, 0.0], [1244.713622596996, 395.1832067193433, 1463.1795878274663, 1052.5153943247433, 0.0], [721.4816457020196, 436.80361294758296, 762.3096878729042, 561.1836985160425, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1361.0, 406.0, 1587.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1083.0, 452.0, 1133.0, 595.0, 1.0], [245.0, 520.0, 326.0, 648.0, 0.0], [249.0, 480.0, 365.0, 702.0, 0.0], [939.0, 447.0, 966.0, 520.0, 1.0], [1026.0, 443.0, 1064.0, 551.0, 1.0], [979.0, 447.0, 1014.0, 545.0, 1.0], [1433.0, 378.0, 1684.0, 1120.0, 1.0], [1215.0, 422.0, 1435.0, 1008.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 454.0, 541.0, 1.0], [857.0, 409.0, 936.0, 709.0, 1.0], [964.0, 431.0, 1068.0, 678.0, 1.0], [829.0, 441.0, 963.0, 727.0, 1.0], [664.0, 434.0, 773.0, 701.0, 1.0], [1650.0, 407.0, 1807.0, 862.0, 1.0], [723.0, 447.0, 765.0, 577.0, 1.0], [1178.0, 451.0, 1212.0, 533.0, 1.0], [1091.0, 448.0, 1121.0, 542.0, 1.0], [1069.0, 445.0, 1103.0, 542.0, 1.0], [635.0, 455.0, 667.0, 543.0, 1.0], [726.0, 450.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [569.0, 455.0, 601.0, 534.0, 1.0], [536.0, 460.0, 564.0, 534.0, 1.0], [229.0, 571.0, 421.0, 736.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [188.0, 575.0, 373.0, 691.0, 0.0], [-147.0, 617.0, 64.0, 732.0, 0.0], [459.0, 460.0, 485.0, 535.0, 1.0], [537.0, 461.0, 555.0, 524.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 454.0, 600.0, 502.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1087.0, 448.0, 1122.0, 546.0, 1.0]], "average_area": [70565.8567606799], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 4], [4, 3], [5, 0]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [2, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 497}, {"time_since_observed": 9, "confidence": 1, "age": 413}, {"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 129}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 110}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 16}], "frame_count": 498, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[571.03, 454.91, 596.42, 533.08, 0.79906]]}, "detections": [[1267.7, 381.02, 1477.8200000000002, 1013.38, 1.3032], [681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.272], [864.82, 442.1, 955.716, 716.79, 0.87189], [961.31, 429.71, 1046.052, 685.94, 0.8563], [571.03, 454.91, 596.42, 533.08, 0.71489], [537.78, 458.99, 561.403, 531.859, 0.49085], [1647.2, 378.26, 1817.68, 891.71, 0.49042], [1056.6, 296.57, 1161.1599999999999, 612.25, 0.31093]], "trackers": [[1674.4202431981294, 417.6810339346323, 1824.920397408017, 871.180954606928, 0.0], [1419.585879855099, 390.1325043253959, 1661.183804261343, 1116.9372094184614, 0.0], [1241.4221549020735, 497.72316421557366, 1418.8192652354692, 1031.9362443821676, 0.0], [975.2481014156702, 431.7548717114039, 1052.9700408879355, 666.9276178606983, 0.0], [862.4357221684892, 443.14594898952646, 950.5038499155409, 709.3573871916167, 0.0], [685.1289876802579, 422.6623051929413, 776.7533040343452, 699.5356659282226, 0.0], [1230.4143112677996, 427.8659898197124, 1440.6395184733367, 1060.5177467912174, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1366.0, 406.0, 1584.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1082.0, 451.0, 1134.0, 594.0, 1.0], [238.0, 521.0, 319.0, 649.0, 0.0], [241.0, 480.0, 357.0, 704.0, 0.0], [939.0, 447.0, 967.0, 520.0, 1.0], [1025.0, 443.0, 1063.0, 551.0, 1.0], [978.0, 447.0, 1013.0, 545.0, 1.0], [1443.0, 376.0, 1688.0, 1118.0, 1.0], [1218.0, 422.0, 1438.0, 1008.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 454.0, 541.0, 1.0], [858.0, 409.0, 938.0, 709.0, 1.0], [965.0, 432.0, 1072.0, 678.0, 1.0], [835.0, 441.0, 969.0, 727.0, 1.0], [672.0, 433.0, 774.0, 701.0, 1.0], [1655.0, 408.0, 1831.0, 866.0, 1.0], [720.0, 447.0, 762.0, 576.0, 1.0], [1178.0, 451.0, 1212.0, 533.0, 1.0], [1094.0, 448.0, 1124.0, 542.0, 1.0], [1071.0, 445.0, 1105.0, 542.0, 1.0], [636.0, 455.0, 667.0, 544.0, 1.0], [726.0, 450.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [569.0, 455.0, 601.0, 534.0, 1.0], [537.0, 460.0, 564.0, 534.0, 1.0], [217.0, 572.0, 412.0, 738.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [177.0, 575.0, 365.0, 692.0, 0.0], [-156.0, 618.0, 55.0, 733.0, 0.0], [459.0, 460.0, 484.0, 535.0, 1.0], [537.0, 461.0, 555.0, 525.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 454.0, 600.0, 501.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1085.0, 449.0, 1119.0, 546.0, 1.0]], "average_area": [76957.81098567798], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 4], [3, 3], [6, 0]], "ret_unmatched_detections": [7, 4, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 498}, {"time_since_observed": 10, "confidence": 1, "age": 414}, {"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 130}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 111}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 17}], "frame_count": 499, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1056.6, 296.57, 1161.1599999999999, 612.25, 0.31093], [571.03, 454.91, 596.42, 533.08, 0.71489], [537.78, 458.99, 561.403, 531.859, 0.49085]]}, "detections": [[690.44, 414.66, 787.932, 709.1300000000001, 1.2572], [864.82, 442.1, 955.716, 716.79, 1.2134], [571.03, 454.91, 596.42, 533.08, 1.1264], [1250.8, 478.86, 1433.59, 1029.24, 1.1253], [971.35, 448.86, 1044.993, 671.79, 0.43148]], "trackers": [[1663.5477395716232, 393.414881540917, 1826.9923504881924, 885.7690814135907, 0.0], [1425.3110276610382, 390.2503119950261, 1666.9089929553293, 1117.0551400925626, 0.0], [1246.0625341676605, 499.8277998032936, 1423.4601032379755, 1034.0422614087522, 0.0], [970.5065172142586, 430.8759035751035, 1052.4998369480015, 678.8629067070509, 0.0], [868.9057125644811, 442.6297319096401, 958.6101072361655, 713.7448657439521, 0.0], [685.7800620531176, 423.38640865432967, 776.8798941543929, 698.6856987630795, 0.0], [1261.1539452504608, 400.77922464909653, 1470.3133995657577, 1030.2396777213626, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1372.0, 405.0, 1581.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1081.0, 451.0, 1136.0, 594.0, 1.0], [231.0, 522.0, 312.0, 650.0, 0.0], [232.0, 481.0, 350.0, 706.0, 0.0], [940.0, 447.0, 968.0, 520.0, 1.0], [1024.0, 443.0, 1062.0, 551.0, 1.0], [977.0, 447.0, 1012.0, 545.0, 1.0], [1454.0, 374.0, 1693.0, 1116.0, 1.0], [1221.0, 422.0, 1442.0, 1009.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 454.0, 541.0, 1.0], [859.0, 409.0, 939.0, 709.0, 1.0], [966.0, 433.0, 1076.0, 678.0, 1.0], [841.0, 441.0, 976.0, 727.0, 1.0], [680.0, 433.0, 776.0, 701.0, 1.0], [1661.0, 409.0, 1855.0, 871.0, 1.0], [718.0, 447.0, 760.0, 576.0, 1.0], [1178.0, 451.0, 1212.0, 533.0, 1.0], [1096.0, 449.0, 1126.0, 543.0, 1.0], [1073.0, 445.0, 1107.0, 543.0, 1.0], [636.0, 455.0, 668.0, 544.0, 1.0], [726.0, 450.0, 754.0, 537.0, 1.0], [667.0, 462.0, 692.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [569.0, 455.0, 601.0, 534.0, 1.0], [537.0, 460.0, 564.0, 534.0, 1.0], [204.0, 572.0, 403.0, 740.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [167.0, 576.0, 358.0, 693.0, 0.0], [459.0, 460.0, 484.0, 535.0, 1.0], [537.0, 461.0, 555.0, 525.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 453.0, 600.0, 501.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1082.0, 449.0, 1116.0, 546.0, 1.0]], "average_area": [78889.48224364105], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [3, 2], [4, 3]], "ret_unmatched_detections": [2], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 6, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 499}, {"time_since_observed": 11, "confidence": 1, "age": 415}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 131}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 500, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[690.44, 414.66, 787.932, 709.1300000000001, 1.6107], [864.82, 442.1, 955.716, 716.79, 1.3237], [1267.7, 381.02, 1477.8200000000002, 1013.38, 1.2034], [571.03, 454.91, 596.42, 533.08, 0.61877], [539.36, 460.19, 564.75, 538.36, 0.45503]], "trackers": [[1670.33985468905, 394.56702061513727, 1833.9019366388754, 887.2750856673523, 0.0], [1431.0361856889906, 390.3681504157779, 1672.6341714273024, 1117.173040015542, 0.0], [1255.2700683386215, 483.8142289004868, 1436.9803878669427, 1030.9590729777128, 0.0], [974.9978116435424, 442.72849418375347, 1051.6717627637233, 674.754776318373, 0.0], [870.9199326538999, 442.44873129059016, 961.2430267879629, 715.417469400769, 0.0], [692.6706102882721, 417.94147786979, 787.7809114482551, 705.2720984879398, 0.0], [1266.110937128731, 405.0308626960055, 1474.771122980694, 1032.9887790832172, 0.0], [571.03, 454.90999999999997, 596.4199999999998, 533.08, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1377.0, 405.0, 1578.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1081.0, 451.0, 1138.0, 594.0, 1.0], [224.0, 523.0, 305.0, 651.0, 0.0], [224.0, 481.0, 343.0, 708.0, 0.0], [940.0, 447.0, 969.0, 521.0, 1.0], [1023.0, 443.0, 1061.0, 551.0, 1.0], [977.0, 447.0, 1012.0, 545.0, 1.0], [1464.0, 372.0, 1697.0, 1114.0, 1.0], [1234.0, 422.0, 1447.0, 1011.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 577.0, 1.0], [424.0, 456.0, 458.0, 565.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 454.0, 541.0, 1.0], [861.0, 409.0, 941.0, 709.0, 1.0], [967.0, 434.0, 1080.0, 678.0, 1.0], [847.0, 442.0, 983.0, 727.0, 1.0], [686.0, 432.0, 777.0, 701.0, 1.0], [1667.0, 410.0, 1879.0, 876.0, 1.0], [716.0, 447.0, 758.0, 576.0, 1.0], [1178.0, 451.0, 1212.0, 533.0, 1.0], [1099.0, 449.0, 1129.0, 543.0, 1.0], [1074.0, 445.0, 1108.0, 543.0, 1.0], [637.0, 455.0, 668.0, 545.0, 1.0], [726.0, 450.0, 753.0, 537.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [537.0, 460.0, 565.0, 534.0, 1.0], [191.0, 573.0, 394.0, 742.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [157.0, 577.0, 350.0, 694.0, 0.0], [459.0, 460.0, 483.0, 535.0, 1.0], [537.0, 461.0, 555.0, 526.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 453.0, 600.0, 501.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1080.0, 450.0, 1114.0, 546.0, 1.0]], "average_area": [69799.15315675361], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 6], [3, 7]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 500}, {"time_since_observed": 12, "confidence": 1, "age": 416}, {"time_since_observed": 1, "confidence": 1, "age": 281}, {"time_since_observed": 1, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 132}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 501, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.45503]]}, "detections": [[690.44, 414.66, 787.932, 709.1300000000001, 1.9633], [1270.0, 481.15, 1440.48, 994.6, 1.0093], [572.25, 458.99, 595.873, 531.859, 0.85106], [867.73, 434.36, 965.222, 728.83, 0.79342], [539.36, 460.19, 564.75, 538.36, 0.43709]], "trackers": [[1677.1613533781574, 395.8076736198138, 1840.782139217878, 888.6925759906576, 0.0], [1436.7613488279485, 390.4860042120876, 1678.35934478827, 1117.2909245629637, 0.0], [1260.4176484314655, 484.9908602982681, 1442.149022420286, 1032.199101102422, 0.0], [979.0626377342443, 443.2130043909511, 1055.6211623195538, 674.8899894128668, 0.0], [871.2655014688692, 442.38330105318596, 961.8251954386265, 716.0608337038157, 0.0], [694.9522158529237, 415.92540850430055, 791.5508795346905, 707.7182414329311, 0.0], [1272.4449975187122, 389.0542866999712, 1481.7777369136707, 1019.0426046287259, 0.0], [571.03, 454.90999999999997, 596.4199999999998, 533.08, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1383.0, 405.0, 1575.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1082.0, 451.0, 1139.0, 594.0, 1.0], [217.0, 524.0, 298.0, 652.0, 0.0], [216.0, 482.0, 336.0, 711.0, 0.0], [941.0, 447.0, 969.0, 521.0, 1.0], [1022.0, 444.0, 1060.0, 552.0, 1.0], [976.0, 447.0, 1011.0, 545.0, 1.0], [1475.0, 370.0, 1702.0, 1113.0, 1.0], [1247.0, 422.0, 1453.0, 1014.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 463.0, 433.0, 577.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 458.0, 454.0, 541.0, 1.0], [862.0, 409.0, 942.0, 709.0, 1.0], [968.0, 435.0, 1084.0, 678.0, 1.0], [853.0, 442.0, 989.0, 727.0, 1.0], [693.0, 432.0, 778.0, 701.0, 1.0], [1673.0, 411.0, 1903.0, 881.0, 1.0], [714.0, 447.0, 756.0, 576.0, 1.0], [1178.0, 450.0, 1212.0, 533.0, 1.0], [1101.0, 449.0, 1131.0, 543.0, 1.0], [1075.0, 445.0, 1109.0, 543.0, 1.0], [638.0, 456.0, 669.0, 546.0, 1.0], [726.0, 450.0, 753.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [537.0, 460.0, 565.0, 534.0, 1.0], [179.0, 574.0, 386.0, 744.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [147.0, 577.0, 343.0, 695.0, 0.0], [459.0, 460.0, 483.0, 535.0, 1.0], [537.0, 461.0, 555.0, 526.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 453.0, 600.0, 501.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1078.0, 450.0, 1112.0, 546.0, 1.0]], "average_area": [70031.9311116537], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 7], [3, 4]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 6, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 501}, {"time_since_observed": 13, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 2, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 133}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 114}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 502, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.43709]]}, "detections": [[699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.302], [867.73, 434.36, 965.222, 728.83, 1.0657], [1301.1, 394.97, 1497.08, 984.9200000000001, 0.95034], [572.34, 453.55, 599.624, 537.403, 0.47943], [539.36, 460.19, 564.75, 538.36, 0.44406]], "trackers": [[1683.997531988116, 397.09254784808655, 1847.6476618760294, 890.0658450903668, 0.0], [1442.486514522409, 390.60386569617555, 1684.084515593735, 1117.4088014226072, 0.0], [1273.093471650547, 481.13727486585054, 1446.4950150487496, 1003.3539287978074, 0.0], [983.0986398460062, 443.6102891379752, 1059.5993858543245, 675.1124279675342, 0.0], [873.3225271533167, 437.5664869758056, 968.1892891114476, 724.1655737811011, 0.0], [695.4815124428486, 415.16143822517483, 792.6426115631135, 708.6400788216438, 0.0], [1277.4271667551047, 391.31915842149203, 1486.5425638937222, 1020.6533833360203, 0.0], [572.6300064189206, 460.3082323781366, 595.7001703653752, 531.4208841542588, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1386.0, 404.0, 1579.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1084.0, 451.0, 1140.0, 594.0, 1.0], [206.0, 523.0, 287.0, 652.0, 0.0], [204.0, 482.0, 325.0, 713.0, 0.0], [942.0, 447.0, 970.0, 521.0, 1.0], [1021.0, 444.0, 1059.0, 552.0, 1.0], [976.0, 447.0, 1011.0, 545.0, 1.0], [1481.0, 370.0, 1716.0, 1115.0, 1.0], [1260.0, 422.0, 1459.0, 1016.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [864.0, 409.0, 944.0, 709.0, 1.0], [974.0, 435.0, 1085.0, 678.0, 1.0], [860.0, 442.0, 996.0, 728.0, 1.0], [700.0, 431.0, 779.0, 701.0, 1.0], [1682.0, 409.0, 1909.0, 889.0, 1.0], [712.0, 447.0, 754.0, 576.0, 1.0], [1178.0, 450.0, 1212.0, 533.0, 1.0], [1104.0, 449.0, 1134.0, 543.0, 1.0], [1077.0, 445.0, 1111.0, 543.0, 1.0], [638.0, 456.0, 669.0, 546.0, 1.0], [726.0, 450.0, 753.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [537.0, 460.0, 565.0, 534.0, 1.0], [167.0, 576.0, 377.0, 748.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [137.0, 578.0, 336.0, 697.0, 0.0], [458.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 555.0, 527.0, 1.0], [588.0, 461.0, 606.0, 510.0, 1.0], [582.0, 453.0, 600.0, 500.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1076.0, 450.0, 1110.0, 546.0, 1.0]], "average_area": [69185.06442667478], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 6], [3, 7]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 2, 3, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 502}, {"time_since_observed": 14, "confidence": 1, "age": 418}, {"time_since_observed": 1, "confidence": 1, "age": 283}, {"time_since_observed": 3, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 134}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 503, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.44406]]}, "detections": [[699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.3986], [887.42, 434.36, 984.9119999999999, 728.83, 1.1208], [1287.5, 478.86, 1470.29, 1029.24, 0.94247], [572.25, 458.99, 595.873, 531.859, 0.49155]], "trackers": [[1690.8410475965977, 398.39952376583705, 1854.5058475356575, 891.417012500598, 0.0], [1448.2116814946203, 390.7217310241524, 1689.809685121449, 1117.5266744383616, 0.0], [1278.5290473781863, 481.01970449377967, 1451.8997659400882, 1003.1435262481473, 0.0], [987.1202054987971, 443.96388710672176, 1063.5920458480664, 675.3785533004791, 0.0], [873.7338094571908, 435.78821680737593, 970.1960925307947, 727.1707212133517, 0.0], [701.4608041710349, 420.43707846212294, 794.7269977476712, 702.23681167299, 0.0], [1302.1763698185252, 395.6098498545045, 1500.6279114271335, 992.9599053089146, 0.0], [572.8553333145628, 454.7862196783754, 599.7078331245732, 537.4061074972188, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1389.0, 404.0, 1583.0, 970.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1085.0, 452.0, 1141.0, 594.0, 1.0], [195.0, 523.0, 276.0, 653.0, 0.0], [193.0, 482.0, 315.0, 716.0, 0.0], [942.0, 447.0, 971.0, 521.0, 1.0], [1020.0, 444.0, 1058.0, 552.0, 1.0], [975.0, 447.0, 1010.0, 545.0, 1.0], [1488.0, 370.0, 1730.0, 1118.0, 1.0], [1274.0, 422.0, 1465.0, 1019.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [865.0, 408.0, 946.0, 708.0, 1.0], [981.0, 436.0, 1086.0, 679.0, 1.0], [866.0, 442.0, 1002.0, 728.0, 1.0], [707.0, 431.0, 780.0, 701.0, 1.0], [1692.0, 407.0, 1915.0, 897.0, 1.0], [710.0, 447.0, 752.0, 576.0, 1.0], [1178.0, 450.0, 1212.0, 533.0, 1.0], [1107.0, 450.0, 1137.0, 544.0, 1.0], [1078.0, 445.0, 1112.0, 543.0, 1.0], [638.0, 456.0, 669.0, 546.0, 1.0], [726.0, 450.0, 753.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [538.0, 460.0, 566.0, 535.0, 1.0], [156.0, 578.0, 369.0, 752.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [127.0, 579.0, 328.0, 698.0, 0.0], [458.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 528.0, 1.0], [587.0, 461.0, 605.0, 510.0, 1.0], [582.0, 452.0, 600.0, 500.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 450.0, 576.0, 482.0, 1.0], [575.0, 447.0, 588.0, 479.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1075.0, 450.0, 1109.0, 546.0, 1.0]], "average_area": [67456.91494697164], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2], [3, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 503}, {"time_since_observed": 15, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 4, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 135}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 504, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.7803], [887.42, 434.36, 984.9119999999999, 728.83, 1.4515], [1267.7, 423.24, 1477.8200000000002, 1055.6, 1.3104], [572.34, 447.89, 599.624, 531.7429999999999, 0.58381], [1715.8, 412.56, 1886.28, 926.01, 0.40492]], "trackers": [[1697.6882309644072, 399.7175482993795, 1861.3603654359579, 892.7571312950375, 0.0], [1453.9368491057076, 390.8395982740737, 1695.5348540102873, 1117.6445455321716, 0.0], [1291.9834595278944, 480.41036503766816, 1472.38741562704, 1023.6353065997065, 0.0], [991.1345467858521, 444.29562311716364, 1067.5919302075438, 675.6665405917288, 0.0], [887.5455236848494, 435.1042077070904, 984.6108196154208, 728.2940986760836, 0.0], [703.4342004739904, 422.52032731086155, 795.1706353514328, 699.7302088690953, 0.0], [1308.4400156791953, 396.99115419983616, 1506.5130403468288, 993.2018528427603, 0.0], [572.7133368616588, 458.58902972672524, 596.9880009763948, 533.3952387358976, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1392.0, 404.0, 1587.0, 971.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1087.0, 452.0, 1143.0, 594.0, 1.0], [184.0, 522.0, 266.0, 653.0, 0.0], [182.0, 483.0, 304.0, 719.0, 0.0], [943.0, 447.0, 972.0, 522.0, 1.0], [1019.0, 444.0, 1057.0, 552.0, 1.0], [974.0, 447.0, 1009.0, 545.0, 1.0], [1495.0, 371.0, 1744.0, 1120.0, 1.0], [1284.0, 421.0, 1470.0, 1023.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [866.0, 408.0, 949.0, 708.0, 1.0], [987.0, 437.0, 1087.0, 679.0, 1.0], [872.0, 443.0, 1009.0, 728.0, 1.0], [714.0, 431.0, 782.0, 701.0, 1.0], [1702.0, 406.0, 1921.0, 905.0, 1.0], [708.0, 447.0, 750.0, 576.0, 1.0], [1178.0, 450.0, 1212.0, 534.0, 1.0], [1108.0, 450.0, 1139.0, 544.0, 1.0], [1080.0, 445.0, 1114.0, 543.0, 1.0], [638.0, 456.0, 669.0, 546.0, 1.0], [725.0, 450.0, 753.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [538.0, 460.0, 566.0, 535.0, 1.0], [144.0, 580.0, 361.0, 756.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [117.0, 579.0, 321.0, 699.0, 0.0], [458.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [586.0, 461.0, 604.0, 510.0, 1.0], [582.0, 452.0, 600.0, 500.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1073.0, 450.0, 1107.0, 546.0, 1.0]], "average_area": [68222.42142427585], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 4], [2, 2], [3, 7], [4, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 3, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 504}, {"time_since_observed": 16, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 5, "confidence": 0.9801507351238016, "age": 190}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 136}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 505, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1301.1, 434.36, 1497.08, 1024.31, 1.5846], [901.58, 442.1, 992.476, 716.79, 1.4867], [699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.4637], [572.34, 453.55, 599.624, 537.403, 0.7456], [1715.8, 412.56, 1886.28, 926.01, 0.69458], [1282.5, 335.29, 1560.08, 1170.02, 0.40116], [1016.1, 448.86, 1089.743, 671.79, 0.36482], [1092.3, 425.4, 1151.9289999999999, 606.29, 0.33908]], "trackers": [[1722.8238157462206, 414.8109959597841, 1892.538066213649, 925.967436136237, 0.0], [1459.6620170362326, 390.95746648496714, 1701.2600225796878, 1117.7624156650095, 0.0], [1281.6086672192464, 442.3346851436132, 1481.6965517308113, 1044.6229293863043, 0.0], [995.1452743536083, 444.6164234989948, 1071.59542828632, 675.9654635115891, 0.0], [892.3334584174587, 434.83002462020295, 989.6285062101091, 728.7084823433327, 0.0], [703.886811732527, 423.328774466009, 795.0331530946795, 698.7677469721684, 0.0], [1314.6091680615634, 398.08802797815787, 1512.492662744826, 993.7282309436159, 0.0], [572.7138717350085, 449.87868470389327, 599.4177958783303, 532.0336131857772, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1407.0, 403.0, 1593.0, 971.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 433.0, 1150.0, 589.0, 1.0], [1089.0, 453.0, 1144.0, 594.0, 1.0], [173.0, 522.0, 255.0, 654.0, 0.0], [171.0, 483.0, 294.0, 721.0, 0.0], [944.0, 447.0, 972.0, 522.0, 1.0], [1018.0, 444.0, 1056.0, 552.0, 1.0], [974.0, 447.0, 1009.0, 545.0, 1.0], [1502.0, 371.0, 1759.0, 1123.0, 1.0], [1295.0, 421.0, 1475.0, 1028.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [867.0, 408.0, 951.0, 708.0, 1.0], [994.0, 438.0, 1088.0, 680.0, 1.0], [878.0, 443.0, 1016.0, 728.0, 1.0], [715.0, 431.0, 789.0, 701.0, 1.0], [1713.0, 404.0, 1921.0, 905.0, 1.0], [706.0, 447.0, 748.0, 576.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1109.0, 450.0, 1141.0, 544.0, 1.0], [1081.0, 445.0, 1115.0, 543.0, 1.0], [638.0, 456.0, 669.0, 546.0, 1.0], [725.0, 450.0, 753.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [538.0, 460.0, 566.0, 535.0, 1.0], [133.0, 583.0, 353.0, 760.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [107.0, 580.0, 313.0, 700.0, 0.0], [458.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [586.0, 461.0, 604.0, 510.0, 1.0], [582.0, 452.0, 600.0, 500.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1072.0, 450.0, 1106.0, 546.0, 1.0]], "average_area": [71787.7257189664], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 4], [2, 5], [3, 7], [4, 0], [5, 6], [6, 3]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 505}, {"time_since_observed": 17, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 191}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 137}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 506, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1092.3, 425.4, 1151.9289999999999, 606.29, 0.33908]]}, "detections": [[717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.7195], [1301.1, 434.36, 1497.08, 1024.31, 1.5972], [887.42, 434.36, 984.9119999999999, 728.83, 1.1512], [572.34, 453.55, 599.624, 537.403, 0.98343], [1282.5, 335.29, 1560.08, 1170.02, 0.64774], [676.79, 312.9, 805.75, 701.78, 0.49908], [1016.1, 448.86, 1089.743, 671.79, 0.38106]], "trackers": [[1725.9254380170803, 416.0279109626739, 1896.2104802695933, 928.8951869774888, 0.0], [1465.3871851264764, 391.0753351763467, 1706.9851909893694, 1117.8802853173613, 0.0], [1301.0055387407558, 435.6725333912488, 1498.7344560453619, 1030.8768897548366, 0.0], [1019.7560319653187, 448.68989954658923, 1093.7192173323485, 672.5791583836854, 0.0], [903.490953371885, 439.3321115289281, 996.7714854344748, 721.1734164052248, 0.0], [703.783147072567, 423.64145260980297, 794.7039728802721, 698.4035942039383, 0.0], [1293.0352710338507, 346.5080988446983, 1560.3402200304263, 1150.5021944624445, 0.0], [572.689473150501, 451.95411910930426, 600.1114469297697, 536.2643598723273, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1422.0, 403.0, 1599.0, 971.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1090.0, 453.0, 1145.0, 594.0, 1.0], [162.0, 521.0, 245.0, 655.0, 0.0], [159.0, 484.0, 283.0, 724.0, 0.0], [944.0, 447.0, 973.0, 522.0, 1.0], [1017.0, 444.0, 1055.0, 552.0, 1.0], [973.0, 447.0, 1008.0, 545.0, 1.0], [1509.0, 372.0, 1773.0, 1125.0, 1.0], [1305.0, 420.0, 1480.0, 1032.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [422.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [868.0, 408.0, 954.0, 708.0, 1.0], [1003.0, 436.0, 1090.0, 679.0, 1.0], [884.0, 443.0, 1022.0, 728.0, 1.0], [716.0, 431.0, 796.0, 701.0, 1.0], [1724.0, 402.0, 1921.0, 906.0, 1.0], [704.0, 447.0, 746.0, 576.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1110.0, 451.0, 1143.0, 544.0, 1.0], [1083.0, 445.0, 1117.0, 543.0, 1.0], [638.0, 456.0, 670.0, 546.0, 1.0], [725.0, 450.0, 752.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [570.0, 456.0, 602.0, 535.0, 1.0], [538.0, 460.0, 566.0, 535.0, 1.0], [119.0, 584.0, 342.0, 763.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [97.0, 581.0, 306.0, 701.0, 0.0], [458.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [585.0, 461.0, 603.0, 510.0, 1.0], [582.0, 452.0, 600.0, 499.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1070.0, 450.0, 1104.0, 546.0, 1.0]], "average_area": [83209.04871349498], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 4], [3, 7], [4, 6], [6, 3]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 506}, {"time_since_observed": 18, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 192}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 138}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 507, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[676.79, 312.9, 805.75, 701.78, 0.49908]]}, "detections": [[717.79, 423.72, 808.6859999999999, 698.4100000000001, 2.0758], [1310.0, 423.24, 1520.12, 1055.6, 1.4621], [1012.8, 429.71, 1097.542, 685.94, 0.72611], [901.58, 442.1, 992.476, 716.79, 0.71512], [1098.4, 430.92, 1153.969, 599.63, 0.61186], [572.34, 453.55, 599.624, 537.403, 0.60095], [1734.5, 355.57, 1930.48, 945.52, 0.41416]], "trackers": [[1733.8411215520891, 418.8045736514238, 1904.1603714802623, 931.7748769034083, 0.0], [1471.1123532965796, 391.19320410796934, 1712.7103593191916, 1117.9981547294701, 0.0], [1307.6976541382573, 433.2795798455109, 1504.5254143018688, 1025.7776297667963, 0.0], [1022.3819262950834, 449.13975764254343, 1096.1004327183675, 672.2948550808259, 0.0], [897.4554793845878, 436.40359796286293, 993.3270921948608, 726.0153438231596, 0.0], [716.5768554381486, 423.7632123169609, 807.4122549569174, 698.2689761011635, 0.0], [1290.9314612642388, 340.19010010537295, 1567.7389751871306, 1172.6575921616586, 0.0], [572.6461289414763, 452.7419996338821, 600.2705466438015, 537.6539908164447, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1438.0, 403.0, 1606.0, 971.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1092.0, 453.0, 1147.0, 594.0, 1.0], [151.0, 521.0, 234.0, 655.0, 0.0], [148.0, 484.0, 273.0, 727.0, 0.0], [945.0, 447.0, 974.0, 523.0, 1.0], [1016.0, 444.0, 1054.0, 552.0, 1.0], [973.0, 447.0, 1008.0, 545.0, 1.0], [1516.0, 372.0, 1787.0, 1128.0, 1.0], [1316.0, 420.0, 1486.0, 1037.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [870.0, 408.0, 957.0, 708.0, 1.0], [1012.0, 435.0, 1093.0, 678.0, 1.0], [890.0, 443.0, 1029.0, 728.0, 1.0], [717.0, 432.0, 803.0, 701.0, 1.0], [1735.0, 400.0, 1921.0, 906.0, 1.0], [702.0, 447.0, 744.0, 576.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1111.0, 451.0, 1146.0, 545.0, 1.0], [1084.0, 445.0, 1118.0, 543.0, 1.0], [638.0, 456.0, 670.0, 546.0, 1.0], [725.0, 450.0, 752.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [539.0, 460.0, 566.0, 535.0, 1.0], [105.0, 586.0, 332.0, 766.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [87.0, 582.0, 299.0, 703.0, 0.0], [457.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [584.0, 461.0, 602.0, 510.0, 1.0], [582.0, 452.0, 600.0, 499.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1069.0, 450.0, 1103.0, 546.0, 1.0]], "average_area": [85189.16947151082], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 2], [2, 3], [3, 4], [5, 7], [6, 0]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [6, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 507}, {"time_since_observed": 19, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 193}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 139}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 120}, {"time_since_observed": 1, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 508, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.61186]]}, "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.2128], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 2.1275], [1750.1, 378.26, 1920.58, 891.71, 0.78836], [864.82, 423.72, 955.716, 698.4100000000001, 0.62449], [572.34, 453.55, 599.624, 537.403, 0.4017], [907.12, 434.36, 1004.612, 728.83, 0.31312]], "trackers": [[1743.4118176686313, 371.93648958074886, 1933.0447257329463, 942.8611147191202, 0.0], [1476.8375215066126, 391.3110731597135, 1718.4355276090841, 1118.1160240214572, 0.0], [1316.5072859807838, 426.2125571809403, 1521.9607546797206, 1044.5848629443421, 0.0], [1021.0311948031929, 436.6796146350351, 1101.8700821775858, 681.2138866477428, 0.0], [904.5764242054393, 439.95669171081863, 997.2944655634285, 720.1105727220017, 0.0], [721.0909159294943, 423.81158342373806, 811.8945081758675, 698.221904835912, 0.0], [1296.5687506060842, 343.29630411777157, 1574.7077022574115, 1179.7679455228663, 0.0], [572.6018181595401, 453.0558683627033, 600.2629029787821, 538.072662573232, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1445.0, 403.0, 1612.0, 974.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1093.0, 454.0, 1148.0, 594.0, 1.0], [140.0, 520.0, 223.0, 656.0, 0.0], [137.0, 485.0, 262.0, 729.0, 0.0], [945.0, 447.0, 975.0, 523.0, 1.0], [1015.0, 444.0, 1053.0, 552.0, 1.0], [972.0, 447.0, 1007.0, 545.0, 1.0], [1523.0, 372.0, 1802.0, 1130.0, 1.0], [1317.0, 419.0, 1498.0, 1042.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 454.0, 541.0, 1.0], [871.0, 408.0, 959.0, 707.0, 1.0], [1021.0, 434.0, 1096.0, 677.0, 1.0], [897.0, 444.0, 1036.0, 729.0, 1.0], [718.0, 432.0, 811.0, 702.0, 1.0], [1746.0, 398.0, 1921.0, 907.0, 1.0], [700.0, 447.0, 742.0, 576.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1112.0, 451.0, 1148.0, 545.0, 1.0], [1086.0, 446.0, 1120.0, 544.0, 1.0], [638.0, 456.0, 670.0, 546.0, 1.0], [725.0, 450.0, 752.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [539.0, 460.0, 566.0, 535.0, 1.0], [91.0, 587.0, 321.0, 769.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [77.0, 583.0, 290.0, 704.0, 0.0], [457.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 451.0, 600.0, 499.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1067.0, 450.0, 1101.0, 546.0, 1.0]], "average_area": [89571.88772338547], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 0], [4, 7], [5, 4]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [3, 6, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 508}, {"time_since_observed": 20, "confidence": 1, "age": 424}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 1, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 140}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 121}, {"time_since_observed": 2, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 509, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[864.82, 423.72, 955.716, 698.4100000000001, 0.62449]]}, "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.6004], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.8315], [907.12, 434.36, 1004.612, 728.83, 0.75607], [1098.4, 430.92, 1153.969, 599.63, 0.37347]], "trackers": [[1756.0698701954404, 374.61283094624076, 1933.8379756899474, 909.9408753850921, 0.0], [1482.5626897366105, 391.4289422715184, 1724.1606958790117, 1118.2338932533835, 0.0], [1319.2151919687926, 423.69202079555066, 1527.86642111209, 1051.6535724388589, 0.0], [1025.902363283724, 436.77877019621224, 1106.7600235846082, 681.3698295307415, 0.0], [911.0887202846021, 436.6263824794248, 1006.7529874050161, 725.6165417095567, 0.0], [722.465814969174, 423.83163020774157, 813.2580847856478, 698.2079945646186, 0.0], [1302.5400915681944, 347.4071308392794, 1581.3423777074277, 1185.8736761749647, 0.0], [572.5625193008511, 453.1903253692557, 600.2087266701162, 538.158376283852, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1452.0, 404.0, 1618.0, 977.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1095.0, 454.0, 1149.0, 594.0, 1.0], [129.0, 520.0, 213.0, 656.0, 0.0], [126.0, 485.0, 252.0, 732.0, 0.0], [946.0, 447.0, 975.0, 523.0, 1.0], [1014.0, 444.0, 1052.0, 552.0, 1.0], [971.0, 447.0, 1006.0, 545.0, 1.0], [1530.0, 373.0, 1816.0, 1133.0, 1.0], [1319.0, 419.0, 1510.0, 1047.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [872.0, 408.0, 962.0, 707.0, 1.0], [1031.0, 433.0, 1099.0, 677.0, 1.0], [899.0, 444.0, 1040.0, 728.0, 1.0], [719.0, 432.0, 818.0, 702.0, 1.0], [1756.0, 396.0, 1927.0, 907.0, 1.0], [698.0, 447.0, 740.0, 576.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1114.0, 452.0, 1150.0, 545.0, 1.0], [1087.0, 446.0, 1121.0, 544.0, 1.0], [638.0, 456.0, 670.0, 546.0, 1.0], [725.0, 450.0, 752.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [539.0, 460.0, 566.0, 535.0, 1.0], [77.0, 589.0, 311.0, 772.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [67.0, 584.0, 282.0, 706.0, 0.0], [457.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 451.0, 600.0, 498.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1066.0, 451.0, 1100.0, 547.0, 1.0]], "average_area": [88779.20105261847], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 4]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 6, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 509}, {"time_since_observed": 21, "confidence": 1, "age": 425}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 2, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 141}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 122}, {"time_since_observed": 3, "confidence": 1, "age": 28}, {"time_since_observed": 1, "confidence": 0.026459399583410887, "age": 11}], "frame_count": 510, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1098.4, 430.92, 1153.969, 599.63, 0.37347]]}, "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.3569], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.8668], [867.73, 414.66, 965.222, 709.1300000000001, 0.77034], [926.82, 434.36, 1024.3120000000001, 728.83, 0.66606], [1098.4, 430.92, 1153.969, 599.63, 0.58628], [544.64, 460.19, 570.03, 538.36, 0.4961], [572.34, 453.55, 599.624, 537.403, 0.32335]], "trackers": [[1764.7009323043999, 374.396997707454, 1942.5194034158112, 909.8767123636901, 0.0], [1488.2878579765909, 391.5468114133537, 1729.8858641389568, 1118.3517624552796, 0.0], [1319.6061934402378, 422.77662050840047, 1529.4631106545435, 1054.3532599069486, 0.0], [1030.7782258130128, 436.89212505964326, 1111.6452709428731, 681.5115731114864, 0.0], [913.1287061677567, 435.37943520069297, 1009.8953558542496, 727.6742881036964, 0.0], [722.670335253146, 423.8406087952063, 813.4590965385726, 698.2064694287247, 0.0], [1308.6775617181083, 352.0175724244469, 1587.81092396964, 1191.4797919634036, 0.0], [572.7019233740406, 452.9999471293711, 600.5820964700646, 538.687069977343, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1459.0, 404.0, 1624.0, 980.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1097.0, 455.0, 1151.0, 595.0, 1.0], [118.0, 519.0, 202.0, 657.0, 0.0], [114.0, 486.0, 241.0, 735.0, 0.0], [947.0, 447.0, 976.0, 524.0, 1.0], [1013.0, 444.0, 1051.0, 552.0, 1.0], [971.0, 447.0, 1006.0, 545.0, 1.0], [1537.0, 373.0, 1830.0, 1135.0, 1.0], [1320.0, 419.0, 1522.0, 1052.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [426.0, 456.0, 459.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [873.0, 408.0, 964.0, 707.0, 1.0], [1033.0, 434.0, 1107.0, 677.0, 1.0], [901.0, 444.0, 1044.0, 727.0, 1.0], [720.0, 433.0, 825.0, 702.0, 1.0], [1767.0, 394.0, 1933.0, 907.0, 1.0], [696.0, 446.0, 738.0, 575.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1115.0, 452.0, 1152.0, 545.0, 1.0], [1089.0, 446.0, 1123.0, 544.0, 1.0], [638.0, 456.0, 670.0, 546.0, 1.0], [725.0, 450.0, 752.0, 538.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [540.0, 461.0, 567.0, 535.0, 1.0], [63.0, 590.0, 300.0, 775.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [57.0, 585.0, 274.0, 707.0, 0.0], [457.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 451.0, 600.0, 498.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 449.0, 576.0, 481.0, 1.0], [575.0, 446.0, 588.0, 478.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1065.0, 451.0, 1099.0, 547.0, 1.0]], "average_area": [89129.9754485142], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [3, 4], [6, 7], [4, 3]], "ret_unmatched_detections": [2, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [6, 1, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 510}, {"time_since_observed": 22, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 142}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 123}, {"time_since_observed": 4, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 12}], "frame_count": 511, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[867.73, 414.66, 965.222, 709.1300000000001, 0.77034], [544.64, 460.19, 570.03, 538.36, 0.4961]]}, "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.0271], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.609], [544.64, 460.19, 570.03, 538.36, 0.76812], [1098.4, 430.92, 1153.969, 599.63, 0.64421], [1029.9, 429.71, 1114.642, 685.94, 0.52121], [919.96, 442.1, 1010.856, 716.79, 0.46704], [867.73, 414.66, 965.222, 709.1300000000001, 0.41614], [1338.2, 335.29, 1615.78, 1170.02, 0.30052]], "trackers": [[1773.3445884920154, 374.2190900767491, 1951.188237063019, 909.774623734206, 0.0], [1494.0130262215623, 391.66468057020415, 1735.6110323939108, 1118.4696316421605, 0.0], [1319.1642078489692, 422.45336552286153, 1529.4768993448436, 1055.396486464516, 0.0], [1095.0707293152475, 426.2705866147741, 1156.5906059583838, 612.8997522259191, 0.0], [927.5103374725502, 434.89745055276154, 1024.695158325548, 728.4456680856781, 0.0], [722.4566306113913, 423.8451358686658, 813.2448556222589, 698.209413735077, 0.0], [1314.897874480853, 356.8771538583169, 1594.1966276190217, 1196.8367679031398, 0.0], [572.5141720463365, 453.2635173179303, 600.1236560035301, 538.1173547596577, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1466.0, 405.0, 1630.0, 983.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1113.0, 432.0, 1150.0, 588.0, 1.0], [1096.0, 454.0, 1150.0, 594.0, 1.0], [108.0, 519.0, 192.0, 658.0, 0.0], [103.0, 486.0, 231.0, 737.0, 0.0], [947.0, 447.0, 977.0, 524.0, 1.0], [1012.0, 445.0, 1050.0, 553.0, 1.0], [970.0, 447.0, 1005.0, 545.0, 1.0], [1544.0, 374.0, 1845.0, 1138.0, 1.0], [1322.0, 419.0, 1535.0, 1057.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [874.0, 408.0, 967.0, 707.0, 1.0], [1036.0, 435.0, 1115.0, 678.0, 1.0], [903.0, 444.0, 1048.0, 727.0, 1.0], [721.0, 433.0, 832.0, 702.0, 1.0], [1778.0, 392.0, 1940.0, 908.0, 1.0], [695.0, 446.0, 737.0, 575.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1116.0, 452.0, 1155.0, 546.0, 1.0], [1090.0, 446.0, 1124.0, 544.0, 1.0], [639.0, 457.0, 671.0, 546.0, 1.0], [725.0, 450.0, 752.0, 539.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [707.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [540.0, 461.0, 567.0, 535.0, 1.0], [50.0, 592.0, 290.0, 779.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [48.0, 587.0, 266.0, 709.0, 0.0], [457.0, 460.0, 482.0, 534.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 451.0, 600.0, 498.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 448.0, 575.0, 480.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1064.0, 451.0, 1098.0, 547.0, 1.0]], "average_area": [88227.13400348496], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [3, 3], [5, 4], [7, 6]], "ret_unmatched_detections": [2, 4, 6], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 511}, {"time_since_observed": 23, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 143}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 30}, {"time_since_observed": 1, "confidence": 0.03186462790634651, "age": 13}], "frame_count": 512, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.76812], [1029.9, 429.71, 1114.642, 685.94, 0.52121], [867.73, 414.66, 965.222, 709.1300000000001, 0.41614]]}, "detections": [[1352.2, 423.24, 1562.3200000000002, 1055.6, 1.8742], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.3002], [1031.1, 433.93, 1104.743, 656.86, 0.89246], [542.7, 463.91, 566.3230000000001, 536.779, 0.53515], [1092.3, 425.4, 1151.9289999999999, 606.29, 0.43847]], "trackers": [[1781.9945397128051, 374.0601392087857, 1959.8507756770525, 909.6535783419805, 0.0], [1499.7381944690294, 391.7825497345622, 1741.3362006463692, 1118.5875008215337, 0.0], [1318.4583234586623, 422.3512865721559, 1528.941921520831, 1055.806769619497, 0.0], [1106.0679770217425, 426.2398779287195, 1163.552104379949, 600.7145985345652, 0.0], [927.2824587579493, 439.3247026475185, 1020.5238455065343, 721.0487220696718, 0.0], [722.1103510668697, 423.8477608946469, 812.8991627535538, 698.21382617428, 0.0], [1343.7491250187734, 340.5420171593492, 1621.654499324369, 1176.2596160377627, 0.0], [572.6154618214026, 453.10687810812226, 600.4152714895614, 538.5456546586088, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1474.0, 406.0, 1637.0, 987.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1096.0, 454.0, 1149.0, 594.0, 1.0], [100.0, 519.0, 184.0, 660.0, 0.0], [92.0, 487.0, 220.0, 740.0, 0.0], [948.0, 447.0, 978.0, 524.0, 1.0], [1011.0, 445.0, 1049.0, 553.0, 1.0], [969.0, 447.0, 1004.0, 545.0, 1.0], [1546.0, 374.0, 1848.0, 1138.0, 1.0], [1323.0, 419.0, 1547.0, 1062.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [876.0, 408.0, 970.0, 707.0, 1.0], [1038.0, 437.0, 1124.0, 679.0, 1.0], [905.0, 444.0, 1049.0, 726.0, 1.0], [723.0, 434.0, 840.0, 703.0, 1.0], [1787.0, 391.0, 1949.0, 910.0, 1.0], [694.0, 446.0, 735.0, 575.0, 1.0], [1178.0, 449.0, 1212.0, 533.0, 1.0], [1117.0, 453.0, 1157.0, 546.0, 1.0], [1092.0, 446.0, 1126.0, 544.0, 1.0], [639.0, 456.0, 671.0, 546.0, 1.0], [724.0, 450.0, 751.0, 539.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 732.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [540.0, 461.0, 567.0, 535.0, 1.0], [36.0, 593.0, 279.0, 782.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [38.0, 588.0, 258.0, 711.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 450.0, 600.0, 498.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 448.0, 575.0, 480.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1063.0, 451.0, 1097.0, 547.0, 1.0]], "average_area": [87502.25970494674], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [4, 3]], "ret_unmatched_detections": [2, 3], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [4, 6, 0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 512}, {"time_since_observed": 24, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 125}, {"time_since_observed": 1, "confidence": 1, "age": 31}, {"time_since_observed": 2, "confidence": 0.017643751456880817, "age": 14}], "frame_count": 513, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1031.1, 433.93, 1104.743, 656.86, 0.89246], [542.7, 463.91, 566.3230000000001, 536.779, 0.53515]]}, "detections": [[1340.5, 434.36, 1536.48, 1024.31, 1.725], [544.64, 460.19, 570.03, 538.36, 0.95338], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 0.95125], [1031.1, 448.86, 1104.743, 671.79, 0.53695], [866.6, 402.13, 971.1600000000001, 717.81, 0.52358], [938.34, 442.1, 1029.236, 716.79, 0.44742], [1282.5, 335.29, 1560.08, 1170.02, 0.37482]], "trackers": [[1790.6476379489334, 373.91066521274126, 1968.5101672757476, 909.523056077836, 0.0], [1505.4633627177443, 391.90041890267406, 1747.0613688975798, 1118.7053699971532, 0.0], [1347.7481219417173, 422.33142659797426, 1558.2940650143782, 1055.9737792924616, 0.0], [1105.1864132273108, 423.09464145899426, 1163.7721975747336, 600.8552098264788, 0.0], [932.0860439617203, 439.3534967610465, 1025.287878045643, 720.958009856063, 0.0], [721.7384330895677, 423.8494779654868, 812.5282482908349, 698.2185814162792, 0.0], [1351.5896356396593, 343.87800359776406, 1629.550948111278, 1179.7638198412108, 0.0], [572.7173986943344, 452.95222766192836, 600.7062398777271, 538.9719657939457, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1477.0, 405.0, 1647.0, 986.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1095.0, 454.0, 1149.0, 593.0, 1.0], [92.0, 519.0, 177.0, 662.0, 0.0], [81.0, 487.0, 210.0, 743.0, 0.0], [949.0, 447.0, 978.0, 524.0, 1.0], [1011.0, 445.0, 1049.0, 553.0, 1.0], [969.0, 447.0, 1004.0, 545.0, 1.0], [1548.0, 375.0, 1851.0, 1139.0, 1.0], [1325.0, 419.0, 1559.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [876.0, 408.0, 970.0, 707.0, 1.0], [1041.0, 438.0, 1132.0, 680.0, 1.0], [907.0, 444.0, 1050.0, 726.0, 1.0], [726.0, 433.0, 840.0, 702.0, 1.0], [1797.0, 391.0, 1959.0, 912.0, 1.0], [693.0, 446.0, 734.0, 575.0, 1.0], [1178.0, 448.0, 1212.0, 533.0, 1.0], [1118.0, 453.0, 1159.0, 546.0, 1.0], [1093.0, 446.0, 1127.0, 544.0, 1.0], [640.0, 456.0, 672.0, 546.0, 1.0], [724.0, 450.0, 751.0, 539.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [571.0, 457.0, 603.0, 536.0, 1.0], [541.0, 461.0, 567.0, 536.0, 1.0], [22.0, 595.0, 269.0, 786.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [28.0, 589.0, 250.0, 712.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 461.0, 556.0, 527.0, 1.0], [582.0, 450.0, 600.0, 497.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 448.0, 575.0, 480.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1062.0, 451.0, 1096.0, 547.0, 1.0]], "average_area": [87574.06991768166], "iou_threshold": 0.3, "ret_matches": [[0, 2], [2, 5], [5, 4], [6, 6]], "ret_unmatched_detections": [1, 3, 4], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 513}, {"time_since_observed": 25, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 1, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 32}, {"time_since_observed": 3, "confidence": 0.012829634419061967, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 514, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.95338], [866.6, 402.13, 971.1600000000001, 717.81, 0.52358]]}, "detections": [[1352.2, 423.24, 1562.3200000000002, 1055.6, 1.7599], [738.38, 429.71, 823.122, 685.94, 1.1106], [686.94, 446.86, 728.811, 574.47, 1.0648], [866.6, 402.13, 971.1600000000001, 717.81, 0.91548], [542.7, 463.91, 566.3230000000001, 536.779, 0.67865], [1029.9, 429.71, 1114.642, 685.94, 0.59824], [572.34, 453.55, 599.624, 537.403, 0.42606], [938.34, 442.1, 1029.236, 716.79, 0.3321], [1098.4, 430.92, 1153.969, 599.63, 0.3232]], "trackers": [[1799.3023095674553, 373.7659292754023, 1977.167985492049, 909.3877957549861, 0.0], [1511.1885309670831, 392.01828807266287, 1752.7865371481664, 1118.8232391708957, 0.0], [1349.1707525520892, 428.2752206607351, 1550.9920214497497, 1035.7522250216414, 0.0], [1113.2440037497245, 420.2284774373579, 1171.7052187433192, 597.6110783613019, 0.0], [942.0050448808294, 441.3301280596905, 1033.4717423529773, 717.7302016822816, 0.0], [721.3794964644474, 423.8506853167762, 812.1704625821583, 698.2232689763503, 0.0], [1300.6714301980162, 339.8734833488548, 1578.3895405838223, 1175.0211782544206, 0.0], [572.819969641354, 452.79952595261244, 600.9965741918049, 539.3963281924049, 0.0], [546.6474850952587, 456.6081768371947, 573.6695149047413, 539.8028231628051, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1481.0, 404.0, 1658.0, 985.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1095.0, 454.0, 1148.0, 593.0, 1.0], [84.0, 519.0, 169.0, 664.0, 0.0], [70.0, 488.0, 200.0, 746.0, 0.0], [949.0, 446.0, 979.0, 525.0, 1.0], [1011.0, 445.0, 1049.0, 553.0, 1.0], [968.0, 447.0, 1003.0, 545.0, 1.0], [1551.0, 376.0, 1855.0, 1139.0, 1.0], [1327.0, 419.0, 1572.0, 1073.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [876.0, 408.0, 970.0, 707.0, 1.0], [1044.0, 440.0, 1141.0, 681.0, 1.0], [910.0, 444.0, 1051.0, 726.0, 1.0], [729.0, 433.0, 840.0, 701.0, 1.0], [1807.0, 391.0, 1969.0, 915.0, 1.0], [692.0, 446.0, 733.0, 575.0, 1.0], [1178.0, 448.0, 1212.0, 533.0, 1.0], [1120.0, 454.0, 1162.0, 547.0, 1.0], [1095.0, 447.0, 1129.0, 545.0, 1.0], [641.0, 456.0, 673.0, 546.0, 1.0], [724.0, 450.0, 751.0, 539.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [541.0, 461.0, 567.0, 536.0, 1.0], [8.0, 597.0, 258.0, 790.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [19.0, 591.0, 242.0, 714.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 460.0, 556.0, 526.0, 1.0], [582.0, 450.0, 600.0, 497.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 448.0, 575.0, 480.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1061.0, 451.0, 1095.0, 547.0, 1.0]], "average_area": [76738.98225039153], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [4, 8], [6, 7], [7, 4], [8, 3]], "ret_unmatched_detections": [2, 3, 5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [1, 0, 6], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 514}, {"time_since_observed": 26, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 127}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 515, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0648], [866.6, 402.13, 971.1600000000001, 717.81, 0.91548], [1029.9, 429.71, 1114.642, 685.94, 0.59824]]}, "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.6509], [738.38, 429.71, 823.122, 685.94, 1.0904], [866.6, 402.13, 971.1600000000001, 717.81, 0.98461], [686.94, 446.86, 728.811, 574.47, 0.84872], [1046.0, 448.86, 1119.643, 671.79, 0.53011], [572.34, 453.55, 599.624, 537.403, 0.48676], [938.34, 442.1, 1029.236, 716.79, 0.46407]], "trackers": [[1807.957767845859, 373.6235622731163, 1985.8250170484685, 909.2501664970832, 0.0], [1516.9136992167341, 392.13615724359005, 1758.5117053984409, 1118.9411083436999, 0.0], [1358.1033640428993, 424.6400589736668, 1565.3794317670943, 1048.4773535850961, 0.0], [1108.7269681917162, 425.86234198927093, 1164.94231545553, 596.5059129154392, 0.0], [944.4697182193237, 441.82942869881333, 1035.509938970747, 716.9499359186024, 0.0], [735.4283376555388, 427.2884090872653, 822.39063738044, 690.1778828813929, 0.0], [1303.9794013338467, 342.65700250926017, 1581.720616842016, 1177.8741786224264, 0.0], [572.4396109658231, 453.3202882687032, 599.9737948929811, 537.9422781373245, 0.0], [541.9631566574607, 465.4207993593844, 564.8879202656163, 536.090892948308, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1484.0, 404.0, 1669.0, 985.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1095.0, 454.0, 1148.0, 592.0, 1.0], [76.0, 519.0, 162.0, 666.0, 0.0], [58.0, 486.0, 189.0, 746.0, 0.0], [950.0, 446.0, 980.0, 525.0, 1.0], [1011.0, 445.0, 1049.0, 553.0, 1.0], [968.0, 447.0, 1003.0, 545.0, 1.0], [1553.0, 376.0, 1858.0, 1140.0, 1.0], [1328.0, 419.0, 1574.0, 1071.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 458.0, 455.0, 541.0, 1.0], [876.0, 408.0, 970.0, 707.0, 1.0], [1045.0, 439.0, 1142.0, 680.0, 1.0], [912.0, 444.0, 1052.0, 726.0, 1.0], [732.0, 433.0, 841.0, 701.0, 1.0], [1817.0, 390.0, 1979.0, 917.0, 1.0], [691.0, 446.0, 731.0, 574.0, 1.0], [1178.0, 448.0, 1212.0, 533.0, 1.0], [1121.0, 454.0, 1162.0, 547.0, 1.0], [1096.0, 446.0, 1131.0, 545.0, 1.0], [642.0, 455.0, 673.0, 546.0, 1.0], [723.0, 450.0, 751.0, 539.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [541.0, 461.0, 567.0, 536.0, 1.0], [-5.0, 599.0, 248.0, 794.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [9.0, 592.0, 234.0, 715.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 460.0, 556.0, 526.0, 1.0], [582.0, 450.0, 600.0, 497.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 447.0, 575.0, 479.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1060.0, 451.0, 1094.0, 547.0, 1.0]], "average_area": [77066.35754907424], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [5, 7], [6, 4]], "ret_unmatched_detections": [2, 3, 4], "ret_unmatched_trackers": [8], "ret_occluded_trackers": [6, 1, 0, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 515}, {"time_since_observed": 27, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 1, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 128}, {"time_since_observed": 2, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 17}, {"time_since_observed": 1, "confidence": 0.004204416145295746, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 516, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 0.84872], [1046.0, 448.86, 1119.643, 671.79, 0.53011]]}, "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.4684], [686.94, 446.86, 728.811, 574.47, 1.0567], [736.17, 423.72, 827.0659999999999, 698.4100000000001, 1.0073], [1029.9, 429.71, 1114.642, 685.94, 0.61658], [956.72, 442.1, 1047.616, 716.79, 0.5984], [572.34, 453.55, 599.624, 537.403, 0.5444], [867.73, 414.66, 965.222, 709.1300000000001, 0.43991]], "trackers": [[1816.613619446376, 373.4823797147835, 1994.4816552827747, 909.111352795227, 0.0], [1522.638867466541, 392.25402641498647, 1764.2368736485596, 1119.0589775160347, 0.0], [1365.9774734144592, 414.34866611996574, 1584.967791128682, 1073.3380028438041, 0.0], [1115.667078523982, 423.3485872954026, 1171.8066844079906, 593.7622427243635, 0.0], [945.0131806096133, 442.0168672027189, 1035.8990761543705, 716.6743096851362, 0.0], [740.5004470461057, 428.69433965887845, 825.9574408839159, 687.065983510861, 0.0], [1307.293149110647, 345.45789305528916, 1585.0459164592398, 1180.7098076048085, 0.0], [572.4133324850048, 453.3540446581254, 599.9056013083672, 537.8471571907002, 0.0], [540.9559398424892, 467.5785061048171, 562.8544447728955, 535.0849554336447, 0.0], [866.6000000000001, 402.13000000000005, 971.1600000000001, 717.81, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1488.0, 403.0, 1680.0, 984.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1094.0, 454.0, 1147.0, 592.0, 1.0], [68.0, 519.0, 155.0, 668.0, 0.0], [47.0, 485.0, 178.0, 746.0, 0.0], [951.0, 446.0, 980.0, 525.0, 1.0], [1011.0, 446.0, 1049.0, 554.0, 1.0], [967.0, 447.0, 1002.0, 545.0, 1.0], [1556.0, 377.0, 1862.0, 1141.0, 1.0], [1329.0, 419.0, 1577.0, 1070.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 455.0, 541.0, 1.0], [877.0, 408.0, 970.0, 707.0, 1.0], [1046.0, 439.0, 1143.0, 680.0, 1.0], [915.0, 444.0, 1053.0, 725.0, 1.0], [735.0, 433.0, 841.0, 700.0, 1.0], [1827.0, 390.0, 1989.0, 919.0, 1.0], [690.0, 446.0, 730.0, 574.0, 1.0], [1178.0, 448.0, 1212.0, 533.0, 1.0], [1123.0, 454.0, 1163.0, 547.0, 1.0], [1098.0, 446.0, 1133.0, 545.0, 1.0], [643.0, 455.0, 674.0, 546.0, 1.0], [723.0, 450.0, 751.0, 540.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [541.0, 461.0, 567.0, 536.0, 1.0], [-11.0, 601.0, 237.0, 798.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-1.0, 593.0, 226.0, 717.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 460.0, 556.0, 526.0, 1.0], [582.0, 449.0, 600.0, 497.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 447.0, 575.0, 479.0, 1.0], [574.0, 445.0, 587.0, 477.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [74058.9520901432], "iou_threshold": 0.3, "ret_matches": [[0, 2], [2, 5], [4, 4], [5, 7], [6, 9]], "ret_unmatched_detections": [1, 3], "ret_unmatched_trackers": [8], "ret_occluded_trackers": [3, 6, 0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 516}, {"time_since_observed": 28, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 2, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 129}, {"time_since_observed": 3, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 18}, {"time_since_observed": 2, "confidence": 0.0029941491306726916, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 517, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[686.94, 446.86, 728.811, 574.47, 1.0567]]}, "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.5782], [755.53, 429.71, 840.2719999999999, 685.94, 1.3439], [956.72, 442.1, 1047.616, 716.79, 0.88181], [689.0, 449.0, 728.0, 568.0, 0.85947], [867.73, 414.66, 965.222, 709.1300000000001, 0.75381], [572.34, 453.55, 599.624, 537.403, 0.37078], [1046.0, 448.86, 1119.643, 671.79, 0.32509]], "trackers": [[1825.2696677059928, 373.3417893725342, 2003.1380968579813, 908.9719468772875, 0.0], [1528.3640357164254, 392.37189558661754, 1769.9620418986005, 1119.1768466881351, 0.0], [1368.337875236417, 410.6107532703449, 1591.6375014786809, 1082.5271380169092, 0.0], [1122.5882726843618, 420.77741192771475, 1178.689969532337, 591.0759932071073, 0.0], [957.9082032169628, 442.0943005201673, 1048.7361232926694, 716.5777902146576, 0.0], [740.8017405967582, 425.69387214890867, 829.596525410489, 694.0809475866347, 0.0], [1310.6097849376347, 348.26746848129795, 1588.3683280262762, 1183.5367517072107, 0.0], [572.399792628326, 453.36445957987127, 599.8759425511411, 537.8080135335505, 0.0], [539.9739834388231, 469.8140830373345, 560.7957088688693, 534.0011477318966, 0.0], [868.6582249215234, 423.84370840115605, 960.965159693861, 702.6116762142289, 0.0], [686.94, 446.86, 728.8110000000001, 574.47, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1492.0, 403.0, 1691.0, 984.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1094.0, 454.0, 1146.0, 591.0, 1.0], [60.0, 519.0, 147.0, 670.0, 0.0], [36.0, 484.0, 168.0, 746.0, 0.0], [951.0, 446.0, 981.0, 526.0, 1.0], [1011.0, 446.0, 1049.0, 554.0, 1.0], [966.0, 447.0, 1001.0, 545.0, 1.0], [1558.0, 378.0, 1865.0, 1141.0, 1.0], [1330.0, 419.0, 1580.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 455.0, 541.0, 1.0], [877.0, 408.0, 970.0, 707.0, 1.0], [1047.0, 438.0, 1145.0, 679.0, 1.0], [917.0, 444.0, 1054.0, 725.0, 1.0], [738.0, 433.0, 842.0, 700.0, 1.0], [689.0, 446.0, 728.0, 574.0, 1.0], [1179.0, 448.0, 1212.0, 533.0, 1.0], [1125.0, 454.0, 1164.0, 547.0, 1.0], [1100.0, 446.0, 1135.0, 545.0, 1.0], [643.0, 455.0, 675.0, 546.0, 1.0], [723.0, 450.0, 751.0, 540.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [542.0, 462.0, 568.0, 536.0, 1.0], [-17.0, 603.0, 226.0, 802.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-10.0, 595.0, 218.0, 719.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [537.0, 460.0, 556.0, 526.0, 1.0], [582.0, 449.0, 600.0, 496.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 447.0, 574.0, 479.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [67814.21810353552], "iou_threshold": 0.3, "ret_matches": [[0, 2], [1, 5], [2, 4], [3, 10], [4, 9], [5, 7]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [8], "ret_occluded_trackers": [0, 3, 6, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 29, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 3, "confidence": 0.9486289693851527, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 130}, {"time_since_observed": 4, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 19}, {"time_since_observed": 3, "confidence": 0.0026277388913542184, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 518, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1046.0, 448.86, 1119.643, 671.79, 0.32509]]}, "detections": [[755.53, 429.71, 840.2719999999999, 685.94, 1.5577], [966.22, 434.36, 1063.712, 728.83, 1.5135], [1359.1, 389.02, 1600.61, 1115.56, 1.4148], [689.0, 449.0, 728.0, 568.0, 1.0252], [887.71, 402.13, 992.27, 717.81, 0.73654], [1060.9, 448.86, 1134.5430000000001, 671.79, 0.58496]], "trackers": [[1534.0892039663493, 392.48976475836594, 1775.6872101486022, 1119.294715860118, 0.0], [1368.578665121519, 409.1636728591513, 1593.498667329929, 1085.9402082505671, 0.0], [1129.4999943903367, 418.17748260716974, 1185.5827271110884, 588.4184976427083, 0.0], [962.313740644793, 442.12955267436405, 1053.120216573823, 716.5487142637169, 0.0], [754.1754343049334, 428.08173590920813, 840.3515365303052, 688.611945931638, 0.0], [1313.9278647221536, 351.081386144123, 1591.6892956357815, 1186.3593535727969, 0.0], [572.389058342958, 453.3711711564272, 599.8534087068714, 537.7784536504624, 0.0], [539.0214316066911, 472.14030534608224, 558.707568393309, 532.8266946539183, 0.0], [868.4683089722447, 422.00628450557235, 961.8099127456718, 703.9247401171443, 0.0], [690.4782062028094, 450.71445595894323, 727.3864861048828, 563.2878517333643, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1495.0, 403.0, 1695.0, 985.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1094.0, 453.0, 1146.0, 591.0, 1.0], [52.0, 519.0, 140.0, 672.0, 0.0], [24.0, 482.0, 157.0, 747.0, 0.0], [952.0, 446.0, 982.0, 526.0, 1.0], [1010.0, 446.0, 1048.0, 554.0, 1.0], [966.0, 447.0, 1001.0, 545.0, 1.0], [1560.0, 378.0, 1868.0, 1142.0, 1.0], [1331.0, 419.0, 1583.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 455.0, 541.0, 1.0], [877.0, 408.0, 970.0, 707.0, 1.0], [1048.0, 438.0, 1146.0, 679.0, 1.0], [920.0, 444.0, 1055.0, 725.0, 1.0], [741.0, 433.0, 842.0, 699.0, 1.0], [688.0, 446.0, 727.0, 574.0, 1.0], [1179.0, 448.0, 1212.0, 533.0, 1.0], [1126.0, 454.0, 1164.0, 547.0, 1.0], [1102.0, 446.0, 1137.0, 545.0, 1.0], [644.0, 454.0, 675.0, 546.0, 1.0], [722.0, 450.0, 751.0, 540.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [542.0, 462.0, 568.0, 536.0, 1.0], [-22.0, 605.0, 216.0, 807.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-20.0, 595.0, 208.0, 719.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [538.0, 460.0, 557.0, 526.0, 1.0], [582.0, 449.0, 600.0, 496.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 447.0, 574.0, 479.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [67817.7904554742], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 1], [3, 9], [4, 8], [5, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [6, 7], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 30, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.9486289693851527, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 131}, {"time_since_observed": 5, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.06494701776354109, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 519, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[975.1, 442.1, 1065.996, 716.79, 1.6877], [1394.4, 423.24, 1604.52, 1055.6, 1.5708], [754.55, 423.72, 845.4459999999999, 698.4100000000001, 1.104], [887.71, 402.13, 992.27, 717.81, 0.97839], [681.03, 442.1, 725.978, 578.94, 0.76269]], "trackers": [[1539.8143722162924, 392.6076339301729, 1781.4123783985845, 1119.4125850320424, 0.0], [1369.0376916068217, 396.71147049366004, 1604.887081680297, 1106.2804385334953, 0.0], [1072.155579703703, 447.0661560334559, 1143.2678389756452, 662.4388200062263, 0.0], [970.5235928150388, 437.3696388149732, 1065.5285100368512, 724.3844387809296, 0.0], [758.9094063485886, 429.0465871990847, 844.0659344819064, 686.516381191682, 0.0], [1317.2466664685485, 353.8974748745672, 1595.0095412834107, 1189.1797843707636, 0.0], [572.4192321652723, 453.26137305416796, 599.9944408244988, 538.0093607651592, 0.0], [889.7714563027212, 406.2151501631518, 992.0294014369435, 714.9901094579825, 0.0], [690.1853503387329, 450.36155538007034, 727.5092314154938, 564.2304870572383, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1499.0, 404.0, 1700.0, 986.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1093.0, 453.0, 1145.0, 590.0, 1.0], [44.0, 519.0, 132.0, 674.0, 0.0], [13.0, 481.0, 147.0, 747.0, 0.0], [952.0, 446.0, 983.0, 526.0, 1.0], [1010.0, 446.0, 1048.0, 554.0, 1.0], [965.0, 447.0, 1000.0, 545.0, 1.0], [1563.0, 379.0, 1872.0, 1142.0, 1.0], [1334.0, 419.0, 1585.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [415.0, 468.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 455.0, 541.0, 1.0], [878.0, 408.0, 970.0, 707.0, 1.0], [1050.0, 437.0, 1148.0, 678.0, 1.0], [922.0, 444.0, 1056.0, 725.0, 1.0], [744.0, 433.0, 843.0, 699.0, 1.0], [687.0, 446.0, 726.0, 574.0, 1.0], [1179.0, 448.0, 1212.0, 533.0, 1.0], [1128.0, 454.0, 1165.0, 547.0, 1.0], [1104.0, 445.0, 1139.0, 545.0, 1.0], [645.0, 454.0, 676.0, 546.0, 1.0], [722.0, 450.0, 751.0, 540.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [572.0, 458.0, 604.0, 537.0, 1.0], [542.0, 462.0, 568.0, 536.0, 1.0], [-33.0, 606.0, 205.0, 807.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-29.0, 595.0, 199.0, 719.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [538.0, 460.0, 557.0, 526.0, 1.0], [582.0, 449.0, 600.0, 496.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 446.0, 574.0, 478.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [75291.86727867911], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1], [2, 4], [3, 7], [4, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 31, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 1, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 132}, {"time_since_observed": 6, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.031038457791601543, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 520, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[772.68, 429.71, 857.4219999999999, 685.94, 1.5847], [985.92, 434.36, 1083.412, 728.83, 1.4582], [1394.4, 423.24, 1604.52, 1055.6, 1.1613], [887.42, 414.66, 984.9119999999999, 709.1300000000001, 1.0303], [678.36, 446.86, 720.231, 574.47, 0.62062], [1075.9, 448.86, 1149.5430000000001, 671.79, 0.58247], [576.31, 454.91, 601.6999999999999, 533.08, 0.31548]], "trackers": [[1545.5395404662454, 392.7255031020092, 1787.137546648557, 1119.5304542039373, 0.0], [1392.2810631838836, 411.9141379917121, 1612.8313019974273, 1075.5840702931519, 0.0], [1074.8540584824136, 448.3263964583108, 1146.02585862358, 663.8793876454221, 0.0], [979.1845893063783, 440.28426616915687, 1071.609581792257, 719.560558897181, 0.0], [759.8912390577573, 425.86130990998566, 848.5789642061766, 693.9274083273622, 0.0], [1320.5658291916593, 356.7146491261242, 1598.329425954324, 1191.9991296476178, 0.0], [572.4496279342463, 453.152257069423, 600.1352509954665, 538.2395857623417, 0.0], [894.0251769352703, 402.3214249315916, 998.4673004164879, 717.6631491365306, 0.0], [681.2068312858299, 442.3082407387541, 725.5073625877691, 577.285392576682, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1503.0, 404.0, 1705.0, 987.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1093.0, 453.0, 1145.0, 590.0, 1.0], [36.0, 519.0, 125.0, 676.0, 0.0], [2.0, 480.0, 136.0, 747.0, 0.0], [953.0, 446.0, 983.0, 527.0, 1.0], [1010.0, 446.0, 1048.0, 554.0, 1.0], [965.0, 447.0, 1000.0, 545.0, 1.0], [1565.0, 380.0, 1875.0, 1143.0, 1.0], [1338.0, 419.0, 1588.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 432.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [878.0, 408.0, 970.0, 707.0, 1.0], [1051.0, 437.0, 1149.0, 678.0, 1.0], [925.0, 444.0, 1058.0, 725.0, 1.0], [752.0, 432.0, 844.0, 696.0, 1.0], [685.0, 446.0, 724.0, 573.0, 1.0], [1179.0, 448.0, 1212.0, 533.0, 1.0], [1130.0, 454.0, 1166.0, 547.0, 1.0], [1106.0, 445.0, 1141.0, 545.0, 1.0], [646.0, 454.0, 677.0, 546.0, 1.0], [722.0, 450.0, 751.0, 540.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 459.0, 605.0, 538.0, 1.0], [543.0, 462.0, 568.0, 536.0, 1.0], [-44.0, 607.0, 194.0, 808.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-38.0, 595.0, 190.0, 719.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [538.0, 460.0, 557.0, 526.0, 1.0], [583.0, 449.0, 601.0, 496.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 446.0, 574.0, 478.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [73352.95571478082], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 1], [3, 7], [4, 8], [5, 2], [6, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 32, "confidence": 1, "age": 436}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 133}, {"time_since_observed": 7, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 521, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[772.68, 429.71, 857.4219999999999, 685.94, 1.5817], [1407.6, 389.02, 1649.11, 1115.56, 1.4469], [678.36, 446.86, 720.231, 574.47, 1.3374], [985.92, 434.36, 1083.412, 728.83, 1.3338], [887.42, 414.66, 984.9119999999999, 709.1300000000001, 1.097], [576.31, 454.91, 601.6999999999999, 533.08, 0.41127], [1064.7, 394.97, 1162.192, 689.44, 0.38285]], "trackers": [[1551.2647087162034, 392.84337227386027, 1792.8627148985245, 1119.6483233758177, 0.0], [1400.5763403803217, 418.1740587882348, 1614.9937500093974, 1063.437458818869, 0.0], [1078.5580478855, 450.3891807571055, 1151.6526833601924, 671.6870287705324, 0.0], [989.9201038758022, 436.6942246158715, 1085.5200046748225, 725.4930523313819, 0.0], [772.585891026043, 428.181966397735, 858.723940642281, 688.5981057828936, 0.0], [1323.8851724020724, 359.5323661350635, 1601.6491301379351, 1194.8179321670896, 0.0], [575.9197338441793, 454.4235638041802, 601.7741967942577, 533.9930930421291, 0.0], [893.9480316894009, 412.169616877704, 992.8590917903183, 710.8821165027331, 0.0], [676.7389330493312, 445.2074017307983, 719.6498156872505, 575.9728424256715, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1507.0, 405.0, 1710.0, 988.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1150.0, 588.0, 1.0], [1093.0, 453.0, 1144.0, 589.0, 1.0], [28.0, 520.0, 118.0, 678.0, 0.0], [-9.0, 479.0, 126.0, 748.0, 0.0], [954.0, 446.0, 984.0, 527.0, 1.0], [1010.0, 447.0, 1048.0, 555.0, 1.0], [964.0, 447.0, 999.0, 545.0, 1.0], [1568.0, 381.0, 1879.0, 1144.0, 1.0], [1342.0, 419.0, 1590.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [878.0, 408.0, 970.0, 707.0, 1.0], [1052.0, 436.0, 1151.0, 677.0, 1.0], [937.0, 444.0, 1060.0, 724.0, 1.0], [760.0, 431.0, 845.0, 693.0, 1.0], [683.0, 447.0, 723.0, 573.0, 1.0], [1179.0, 448.0, 1212.0, 533.0, 1.0], [1132.0, 454.0, 1167.0, 548.0, 1.0], [1108.0, 445.0, 1143.0, 545.0, 1.0], [647.0, 454.0, 678.0, 547.0, 1.0], [722.0, 450.0, 751.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 458.0, 605.0, 537.0, 1.0], [543.0, 462.0, 568.0, 536.0, 1.0], [-55.0, 609.0, 183.0, 809.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-47.0, 596.0, 181.0, 720.0, 0.0], [457.0, 460.0, 482.0, 533.0, 1.0], [538.0, 460.0, 557.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 446.0, 574.0, 478.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [72154.842174296], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 8], [3, 3], [4, 7], [5, 6], [6, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 33, "confidence": 1, "age": 437}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 134}, {"time_since_observed": 8, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 522, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[772.68, 429.71, 857.4219999999999, 685.94, 1.4764], [1407.6, 389.02, 1649.11, 1115.56, 1.4604], [887.42, 414.66, 984.9119999999999, 709.1300000000001, 1.4512], [975.1, 442.1, 1065.996, 716.79, 1.2715], [678.36, 446.86, 720.231, 574.47, 1.219], [1075.9, 448.86, 1149.5430000000001, 671.79, 1.0192]], "trackers": [[1556.9898769661636, 392.9612414457186, 1798.5878831484897, 1119.7661925476907, 0.0], [1413.6438760854157, 399.74568423325064, 1645.714964934663, 1097.9840754183692, 0.0], [1071.9480932270687, 413.4362520496235, 1161.602145623732, 684.4641749020467, 0.0], [993.4235959044048, 435.3532644250179, 1090.2089964766458, 727.7059594922114, 0.0], [777.009371811826, 429.11576833787683, 862.1552263769579, 686.5536576600479, 0.0], [1327.204605855873, 362.3503545219004, 1604.9687440781586, 1197.6364633086637, 0.0], [576.4674083357402, 454.64828361708567, 602.0261001671936, 533.3268315929179, 0.0], [893.1994494747487, 415.3396825454365, 990.3184918306272, 708.6667889318537, 0.0], [675.8153032815442, 446.1786680398367, 718.2260905203575, 575.4285633627858, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1511.0, 405.0, 1714.0, 989.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 432.0, 1151.0, 588.0, 1.0], [1092.0, 453.0, 1143.0, 589.0, 1.0], [18.0, 520.0, 108.0, 678.0, 0.0], [-23.0, 482.0, 112.0, 749.0, 0.0], [954.0, 446.0, 985.0, 527.0, 1.0], [1010.0, 447.0, 1048.0, 555.0, 1.0], [963.0, 447.0, 998.0, 545.0, 1.0], [1573.0, 379.0, 1884.0, 1142.0, 1.0], [1346.0, 419.0, 1593.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [879.0, 409.0, 971.0, 707.0, 1.0], [1053.0, 436.0, 1152.0, 677.0, 1.0], [949.0, 444.0, 1063.0, 724.0, 1.0], [769.0, 431.0, 847.0, 691.0, 1.0], [682.0, 447.0, 722.0, 572.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1133.0, 453.0, 1169.0, 548.0, 1.0], [1110.0, 445.0, 1145.0, 545.0, 1.0], [647.0, 454.0, 678.0, 547.0, 1.0], [721.0, 450.0, 750.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 458.0, 605.0, 537.0, 1.0], [543.0, 462.0, 568.0, 536.0, 1.0], [-66.0, 610.0, 172.0, 810.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-56.0, 596.0, 172.0, 720.0, 0.0], [456.0, 460.0, 481.0, 533.0, 1.0], [538.0, 460.0, 557.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 446.0, 574.0, 478.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [75571.36095411902], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 7], [3, 3], [4, 8], [5, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 34, "confidence": 1, "age": 438}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 135}, {"time_since_observed": 9, "confidence": 1, "age": 41}, {"time_since_observed": 1, "confidence": 0.06120199097866186, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 523, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[772.68, 429.71, 857.4219999999999, 685.94, 1.8711], [887.71, 402.13, 992.27, 717.81, 1.5345], [1407.6, 389.02, 1649.11, 1115.56, 1.3611], [985.92, 434.36, 1083.412, 728.83, 1.2465], [1075.9, 448.86, 1149.5430000000001, 671.79, 0.69464], [681.03, 442.1, 725.978, 578.94, 0.58627], [576.31, 454.91, 601.6999999999999, 533.08, 0.51434], [544.64, 460.19, 570.03, 538.36, 0.35689]], "trackers": [[1562.7150452161252, 393.0791106175806, 1804.3130513984536, 1119.88406171956, 0.0], [1417.9659224602985, 393.1529509011322, 1656.4323690728581, 1110.5737264607642, 0.0], [1076.5817220410004, 436.3209459403994, 1156.74428771283, 678.861029430548, 0.0], [986.2014924460966, 439.4609647273488, 1079.3297928773106, 720.8473201537901, 0.0], [778.2955800012302, 429.49361282265335, 863.0609501752969, 685.789246987455, 0.0], [1330.5240844313014, 365.1684785974878, 1608.2883128967544, 1200.4548587614875, 0.0], [576.7551285608452, 454.5564938674001, 602.3238915190711, 533.2660442762274, 0.0], [892.3907064559305, 416.2478822237845, 988.992803481133, 708.0237438563688, 0.0], [675.8474664814867, 446.5294001171187, 718.0561871759558, 575.1666884888194, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1515.0, 406.0, 1719.0, 990.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1092.0, 453.0, 1143.0, 589.0, 1.0], [8.0, 521.0, 98.0, 679.0, 0.0], [-37.0, 485.0, 99.0, 750.0, 0.0], [955.0, 446.0, 986.0, 527.0, 1.0], [1010.0, 447.0, 1048.0, 555.0, 1.0], [963.0, 447.0, 998.0, 545.0, 1.0], [1578.0, 377.0, 1889.0, 1140.0, 1.0], [1357.0, 419.0, 1598.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 458.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [883.0, 409.0, 973.0, 707.0, 1.0], [1055.0, 436.0, 1154.0, 677.0, 1.0], [961.0, 444.0, 1066.0, 723.0, 1.0], [774.0, 431.0, 854.0, 691.0, 1.0], [680.0, 448.0, 721.0, 572.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1135.0, 453.0, 1172.0, 548.0, 1.0], [1112.0, 445.0, 1147.0, 545.0, 1.0], [647.0, 454.0, 678.0, 547.0, 1.0], [721.0, 450.0, 750.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 458.0, 605.0, 537.0, 1.0], [544.0, 463.0, 569.0, 537.0, 1.0], [-77.0, 612.0, 161.0, 811.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-66.0, 596.0, 162.0, 720.0, 0.0], [456.0, 460.0, 481.0, 533.0, 1.0], [539.0, 460.0, 558.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 445.0, 574.0, 477.0, 1.0], [574.0, 444.0, 587.0, 476.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [75743.22567837156], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 7], [2, 1], [3, 3], [4, 2], [5, 8], [6, 6]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 35, "confidence": 1, "age": 439}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 136}, {"time_since_observed": 10, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 524, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35689]]}, "detections": [[887.71, 402.13, 992.27, 717.81, 2.0256], [678.36, 446.86, 720.231, 574.47, 1.444], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.4424], [975.1, 442.1, 1065.996, 716.79, 1.2439], [1404.6, 364.89, 1663.52, 1143.65, 0.84255], [576.31, 454.91, 601.6999999999999, 533.08, 0.50553], [1075.9, 448.86, 1149.5430000000001, 671.79, 0.47598], [544.06, 459.21, 571.3439999999999, 543.063, 0.40738]], "trackers": [[1568.4402134660872, 393.19697978944436, 1810.038219648417, 1120.0019308914275, 0.0], [1418.857742866454, 390.63007575238083, 1659.717434908076, 1115.227923495304, 0.0], [1078.2637295117966, 445.3106733328437, 1154.533544487946, 676.146817323007, 0.0], [991.0254538541068, 436.3754041674381, 1086.8860699365366, 725.9558993494886, 0.0], [778.4165501879036, 429.65391816284136, 863.0376435582236, 685.5164213747437, 0.0], [1333.843585567527, 367.98667051740074, 1611.607859154553, 1203.2731863699855, 0.0], [576.663421333732, 454.7456931620412, 602.1028699994586, 533.0649771450019, 0.0], [891.9210254356834, 406.65349341443306, 993.9212412730695, 714.6542834291931, 0.0], [678.2729334125514, 442.89789475909026, 722.8143120687452, 578.5550658900416, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1518.0, 406.0, 1724.0, 991.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1092.0, 453.0, 1142.0, 588.0, 1.0], [-2.0, 521.0, 88.0, 679.0, 0.0], [-51.0, 488.0, 86.0, 751.0, 0.0], [956.0, 446.0, 986.0, 528.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [962.0, 447.0, 997.0, 545.0, 1.0], [1584.0, 376.0, 1894.0, 1139.0, 1.0], [1369.0, 419.0, 1603.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [887.0, 409.0, 975.0, 707.0, 1.0], [1059.0, 436.0, 1159.0, 677.0, 1.0], [973.0, 444.0, 1069.0, 723.0, 1.0], [779.0, 431.0, 861.0, 691.0, 1.0], [679.0, 448.0, 720.0, 571.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1137.0, 453.0, 1175.0, 548.0, 1.0], [1114.0, 444.0, 1149.0, 545.0, 1.0], [647.0, 454.0, 678.0, 547.0, 1.0], [720.0, 450.0, 750.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 458.0, 605.0, 537.0, 1.0], [544.0, 462.0, 569.0, 537.0, 1.0], [-90.0, 613.0, 148.0, 812.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-75.0, 597.0, 153.0, 721.0, 0.0], [456.0, 460.0, 481.0, 533.0, 1.0], [539.0, 460.0, 558.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 445.0, 573.0, 477.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [76511.25079716489], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 8], [2, 4], [3, 3], [4, 1], [5, 6], [6, 2]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 36, "confidence": 1, "age": 440}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 137}, {"time_since_observed": 11, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 525, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.40738]]}, "detections": [[985.92, 434.36, 1083.412, 728.83, 1.6703], [887.71, 402.13, 992.27, 717.81, 1.5487], [772.68, 429.71, 857.4219999999999, 685.94, 1.396], [1090.8, 448.86, 1164.443, 671.79, 1.046], [1407.6, 389.02, 1649.11, 1115.56, 0.90972], [678.36, 446.86, 720.231, 574.47, 0.83816], [715.78, 449.36, 747.27, 545.83, 0.65648]], "trackers": [[1574.1653817160498, 393.31484896130917, 1815.76338789838, 1120.119800063294, 0.0], [1417.017349418703, 374.42579438721447, 1669.8418364046506, 1134.9156220836237, 0.0], [1078.724316442087, 448.6889160779323, 1153.4558670538454, 674.8970511153203, 0.0], [984.4188958173779, 439.86602030678387, 1077.1819747051948, 720.1567132615276, 0.0], [778.5294595085036, 426.1387068282804, 867.0267573997123, 693.6338497911497, 0.0], [1337.1630979841475, 370.80489635946424, 1614.9273941319566, 1206.0914800563332, 0.0], [576.6584759791698, 454.7843122836675, 602.0688604233486, 533.0159874777855, 0.0], [891.444638583855, 403.29026333120777, 995.3290018821473, 716.9495310117347, 0.0], [677.1688868897311, 445.3036631086572, 720.1493158732453, 576.2611882876174, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1522.0, 407.0, 1729.0, 992.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1091.0, 452.0, 1142.0, 588.0, 1.0], [-12.0, 522.0, 78.0, 680.0, 0.0], [-65.0, 491.0, 72.0, 752.0, 0.0], [956.0, 446.0, 987.0, 528.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [962.0, 447.0, 997.0, 545.0, 1.0], [1589.0, 374.0, 1900.0, 1137.0, 1.0], [1381.0, 419.0, 1608.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [892.0, 409.0, 977.0, 707.0, 1.0], [1064.0, 436.0, 1164.0, 677.0, 1.0], [976.0, 444.0, 1075.0, 723.0, 1.0], [785.0, 431.0, 869.0, 692.0, 1.0], [677.0, 449.0, 718.0, 571.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1138.0, 453.0, 1177.0, 548.0, 1.0], [1116.0, 444.0, 1151.0, 545.0, 1.0], [648.0, 454.0, 679.0, 547.0, 1.0], [720.0, 450.0, 749.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 458.0, 605.0, 537.0, 1.0], [544.0, 462.0, 569.0, 537.0, 1.0], [-103.0, 615.0, 135.0, 814.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-84.0, 597.0, 144.0, 721.0, 0.0], [456.0, 460.0, 481.0, 533.0, 1.0], [539.0, 460.0, 558.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 445.0, 573.0, 477.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [78517.41979908812], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 7], [2, 4], [3, 2], [4, 1], [5, 8]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 37, "confidence": 1, "age": 441}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 138}, {"time_since_observed": 12, "confidence": 1, "age": 44}, {"time_since_observed": 1, "confidence": 0.06582656515524164, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 526, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.65648]]}, "detections": [[907.12, 394.97, 1004.612, 689.44, 1.7623], [985.92, 434.36, 1083.412, 728.83, 1.5036], [789.83, 429.71, 874.572, 685.94, 1.4402], [673.0, 449.0, 712.0, 568.0, 1.3057], [1404.6, 364.89, 1663.52, 1143.65, 1.036], [1090.8, 448.86, 1164.443, 671.79, 0.99014], [715.78, 449.36, 747.27, 545.83, 0.46545], [540.6, 455.71, 569.914, 545.653, 0.44282], [576.31, 454.91, 601.6999999999999, 533.08, 0.37342]], "trackers": [[1579.8905499660123, 393.4327181331744, 1821.488556148343, 1120.2376692351602, 0.0], [1417.064707617585, 383.26628808162985, 1663.4425502574672, 1124.417645611992, 0.0], [1089.328642779641, 449.86891224399415, 1163.4636438130574, 674.2818062468536, 0.0], [989.5541641714594, 436.52020959452716, 1085.2797330374947, 725.695840781799, 0.0], [777.8272147414818, 428.3416814096388, 863.8972197389262, 688.553825052803, 0.0], [1340.4826160409639, 373.6231391625997, 1618.2469234691644, 1208.9097567816088, 0.0], [576.8904885832427, 454.7144123160445, 602.3039383512934, 532.9555248101783, 0.0], [890.9939680781582, 402.1071730061627, 995.5423896896663, 717.7595587472468, 0.0], [676.918823224643, 446.21720355457853, 719.2980830739012, 575.3635392942208, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1526.0, 407.0, 1733.0, 993.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1091.0, 452.0, 1141.0, 587.0, 1.0], [-22.0, 523.0, 68.0, 681.0, 0.0], [-79.0, 494.0, 59.0, 753.0, 0.0], [957.0, 446.0, 988.0, 528.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [961.0, 447.0, 996.0, 545.0, 1.0], [1595.0, 373.0, 1905.0, 1136.0, 1.0], [1393.0, 419.0, 1613.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [896.0, 409.0, 979.0, 707.0, 1.0], [1069.0, 436.0, 1170.0, 677.0, 1.0], [980.0, 444.0, 1081.0, 723.0, 1.0], [790.0, 431.0, 876.0, 692.0, 1.0], [675.0, 449.0, 717.0, 570.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1140.0, 453.0, 1180.0, 548.0, 1.0], [1118.0, 444.0, 1153.0, 545.0, 1.0], [648.0, 454.0, 679.0, 547.0, 1.0], [719.0, 450.0, 749.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 457.0, 605.0, 537.0, 1.0], [544.0, 462.0, 569.0, 537.0, 1.0], [-115.0, 617.0, 123.0, 815.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-93.0, 597.0, 135.0, 721.0, 0.0], [456.0, 461.0, 481.0, 534.0, 1.0], [539.0, 460.0, 558.0, 526.0, 1.0], [583.0, 448.0, 601.0, 495.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 445.0, 573.0, 477.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [77487.55358833236], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 3], [2, 4], [3, 8], [4, 1], [5, 2], [8, 6]], "ret_unmatched_detections": [6, 7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 38, "confidence": 1, "age": 442}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 139}, {"time_since_observed": 13, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 527, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[715.78, 449.36, 747.27, 545.83, 0.46545], [540.6, 455.71, 569.914, 545.653, 0.44282]]}, "detections": [[789.83, 429.71, 874.572, 685.94, 1.587], [1404.6, 364.89, 1663.52, 1143.65, 1.3508], [908.82, 402.13, 1013.3800000000001, 717.81, 1.33], [669.79, 446.86, 711.661, 574.47, 1.1319], [995.61, 446.86, 1080.352, 703.09, 0.83231], [718.33, 439.76, 752.152, 543.23, 0.51879], [1090.8, 448.86, 1164.443, 671.79, 0.48251], [576.31, 454.91, 601.6999999999999, 533.08, 0.38563]], "trackers": [[1585.615718215975, 393.5505873050398, 1827.2137243983057, 1120.355538407026, 0.0], [1415.0934605154655, 371.6104035401331, 1669.9302584129948, 1138.1345723488098, 0.0], [1093.0911711985364, 450.2093534444464, 1166.996289804175, 673.9303648754933, 0.0], [991.1342060957934, 435.26891076494485, 1087.9676528616749, 727.7656427696922, 0.0], [789.5006799163627, 429.22214517347584, 874.626986826411, 686.6015820249613, 0.0], [1343.8021369178782, 376.44139044627053, 1621.5664499862742, 1211.728025026349, 0.0], [576.6347624806895, 454.80629917673366, 602.0331347443469, 533.0017772713405, 0.0], [904.9212024904388, 396.03361785851087, 1004.6706814733899, 697.2743996383359, 0.0], [672.8665285217505, 448.0327993524452, 712.9481067970141, 570.2734396664105, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1530.0, 408.0, 1738.0, 994.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1091.0, 452.0, 1140.0, 587.0, 1.0], [-32.0, 523.0, 58.0, 681.0, 0.0], [957.0, 446.0, 989.0, 529.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [960.0, 447.0, 995.0, 545.0, 1.0], [1600.0, 371.0, 1910.0, 1134.0, 1.0], [1405.0, 419.0, 1618.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [901.0, 409.0, 981.0, 707.0, 1.0], [1074.0, 436.0, 1175.0, 677.0, 1.0], [983.0, 445.0, 1087.0, 723.0, 1.0], [796.0, 432.0, 884.0, 693.0, 1.0], [674.0, 450.0, 716.0, 570.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1142.0, 453.0, 1183.0, 549.0, 1.0], [1120.0, 444.0, 1155.0, 545.0, 1.0], [648.0, 454.0, 679.0, 547.0, 1.0], [719.0, 450.0, 749.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 457.0, 605.0, 537.0, 1.0], [544.0, 462.0, 569.0, 537.0, 1.0], [-128.0, 618.0, 110.0, 817.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-102.0, 598.0, 126.0, 722.0, 0.0], [455.0, 461.0, 480.0, 534.0, 1.0], [539.0, 460.0, 558.0, 526.0, 1.0], [583.0, 448.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [78516.40136236855], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 7], [3, 8], [4, 3], [6, 2], [7, 6]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 39, "confidence": 1, "age": 443}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 140}, {"time_since_observed": 14, "confidence": 0.9498085423611364, "age": 46}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 528, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[718.33, 439.76, 752.152, 543.23, 0.51879]]}, "detections": [[1404.6, 364.89, 1663.52, 1143.65, 1.6059], [789.83, 429.71, 874.572, 685.94, 1.3117], [669.79, 446.86, 711.661, 574.47, 1.2888], [907.12, 414.66, 1004.612, 709.1300000000001, 1.0309], [1005.6, 434.36, 1103.092, 728.83, 0.9188], [716.42, 449.65, 745.7339999999999, 539.593, 0.90623], [1090.8, 448.86, 1164.443, 671.79, 0.59192]], "trackers": [[1591.3408864659377, 393.66845647690536, 1832.9388926482684, 1120.473407578892, 0.0], [1413.8031429400937, 367.20605636697957, 1671.792067623883, 1143.183160817053, 0.0], [1094.2578421235016, 450.2379555282593, 1168.0742073337697, 673.691820751427, 0.0], [997.6517801516969, 441.81011960612, 1087.0754214923275, 712.0921460011282, 0.0], [793.5768849460508, 429.5740997617992, 878.3414210967785, 685.8674593168383, 0.0], [1347.1216592048415, 379.2596459702087, 1624.885975093335, 1214.5462890308222, 0.0], [576.5901794475337, 454.8230940405754, 601.9853244956664, 533.0088250427779, 0.0], [911.1037013486215, 399.5280118936099, 1014.0785351862149, 710.4554512655114, 0.0], [669.1913231959322, 447.24709197513425, 710.4742342322909, 573.0979078861297, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1534.0, 408.0, 1743.0, 995.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1090.0, 452.0, 1140.0, 586.0, 1.0], [-42.0, 524.0, 48.0, 682.0, 0.0], [958.0, 446.0, 989.0, 529.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [960.0, 447.0, 995.0, 545.0, 1.0], [1605.0, 369.0, 1916.0, 1132.0, 1.0], [1417.0, 419.0, 1623.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [905.0, 409.0, 983.0, 707.0, 1.0], [1079.0, 436.0, 1181.0, 677.0, 1.0], [987.0, 445.0, 1094.0, 723.0, 1.0], [795.0, 432.0, 895.0, 692.0, 1.0], [672.0, 450.0, 715.0, 569.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1143.0, 453.0, 1184.0, 549.0, 1.0], [1122.0, 444.0, 1157.0, 545.0, 1.0], [649.0, 454.0, 679.0, 548.0, 1.0], [718.0, 450.0, 748.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 457.0, 605.0, 537.0, 1.0], [544.0, 462.0, 569.0, 537.0, 1.0], [-141.0, 620.0, 97.0, 818.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-112.0, 600.0, 116.0, 724.0, 0.0], [455.0, 461.0, 480.0, 534.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 448.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [78820.93545348008], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 8], [3, 7], [4, 3], [6, 2]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [6], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 40, "confidence": 1, "age": 444}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 141}, {"time_since_observed": 15, "confidence": 0.9026865595797791, "age": 47}, {"time_since_observed": 1, "confidence": 0.07305242074847638, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 529, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[716.42, 449.65, 745.7339999999999, 539.593, 0.90623]]}, "detections": [[669.79, 446.86, 711.661, 574.47, 1.7515], [789.83, 429.71, 874.572, 685.94, 1.3477], [1005.6, 434.36, 1103.092, 728.83, 1.2286], [1456.1, 389.02, 1697.61, 1115.56, 1.2211], [907.12, 414.66, 1004.612, 709.1300000000001, 1.1578], [715.78, 449.36, 747.27, 545.83, 0.85362], [1090.8, 448.86, 1164.443, 671.79, 0.65305], [578.0, 453.55, 605.284, 537.403, 0.30701]], "trackers": [[1597.0660547159005, 393.78632564877097, 1838.6640608982311, 1120.5912767507575, 0.0], [1412.7936502452444, 365.4824446268869, 1671.9703997133288, 1145.021399944553, 0.0], [1094.4552738689226, 450.15692511997565, 1168.2369604052901, 673.5063937971421, 0.0], [1007.4796480044402, 437.20389972916496, 1101.9835205011304, 722.721887852774, 0.0], [794.7758601528702, 429.7198436765123, 879.4032146940834, 685.6013725711732, 0.0], [1350.4411821968292, 382.0779036142806, 1628.2054994953714, 1217.3645509151613, 0.0], [576.7628859452502, 454.7707951240469, 602.160229632567, 532.9632952237089, 0.0], [911.6747247466578, 409.7408889907627, 1010.8899005595467, 709.3776721398967, 0.0], [668.0089535216508, 446.96964372769264, 709.7277954986952, 574.1286991531094, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1538.0, 409.0, 1748.0, 996.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1090.0, 452.0, 1139.0, 586.0, 1.0], [-52.0, 524.0, 38.0, 682.0, 0.0], [959.0, 446.0, 990.0, 529.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [959.0, 447.0, 994.0, 545.0, 1.0], [1611.0, 368.0, 1921.0, 1131.0, 1.0], [1429.0, 419.0, 1628.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 456.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 458.0, 456.0, 541.0, 1.0], [910.0, 410.0, 985.0, 707.0, 1.0], [1081.0, 435.0, 1181.0, 676.0, 1.0], [991.0, 446.0, 1100.0, 723.0, 1.0], [795.0, 432.0, 906.0, 692.0, 1.0], [671.0, 451.0, 714.0, 569.0, 1.0], [1179.0, 447.0, 1212.0, 533.0, 1.0], [1145.0, 453.0, 1186.0, 549.0, 1.0], [1124.0, 443.0, 1159.0, 545.0, 1.0], [649.0, 454.0, 680.0, 548.0, 1.0], [718.0, 450.0, 748.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 457.0, 605.0, 537.0, 1.0], [544.0, 462.0, 570.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-122.0, 602.0, 106.0, 726.0, 0.0], [455.0, 461.0, 480.0, 534.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0]], "average_area": [79086.82047604906], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 4], [2, 3], [3, 1], [4, 7], [6, 2], [7, 6]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 41, "confidence": 1, "age": 445}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 142}, {"time_since_observed": 16, "confidence": 0.8617588497330526, "age": 48}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 530, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[665.0, 449.0, 704.0, 568.0, 1.7413], [908.82, 402.13, 1013.3800000000001, 717.81, 1.4606], [1456.1, 389.02, 1697.61, 1115.56, 1.2653], [1005.6, 434.36, 1103.092, 728.83, 1.2445], [789.83, 429.71, 874.572, 685.94, 1.2282], [716.42, 449.65, 745.7339999999999, 539.593, 0.91332], [1090.8, 448.86, 1164.443, 671.79, 0.86085], [576.97, 449.65, 606.284, 539.593, 0.46615], [539.36, 460.19, 564.75, 538.36, 0.35456]], "trackers": [[1602.7912229658632, 393.9041948206366, 1844.3892291481939, 1120.7091459226233, 0.0], [1447.7818740668627, 379.50335786896994, 1696.6436619778292, 1128.1055004275256, 0.0], [1094.3049539773033, 450.04285917382094, 1168.0726487929696, 673.3501945783808, 0.0], [1010.8135068027208, 435.5423517327581, 1107.1881441765686, 726.6660309957851, 0.0], [794.9056888195091, 429.78529244710097, 879.4819730438664, 685.5135301096993, 0.0], [1353.7607055413291, 384.8961623184194, 1631.5250235448957, 1220.1828117394336, 0.0], [578.0326445986045, 453.8708565387119, 604.8935523266198, 536.4636253431999, 0.0], [911.5789809089342, 413.5918880211565, 1009.3665190010881, 708.9402443452826, 0.0], [667.7341863088266, 446.86845470385447, 709.6106525613213, 574.5000163397093, 0.0], [715.2204061091054, 449.24672379629754, 748.7255938908945, 551.8902762037026, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1543.0, 410.0, 1754.0, 998.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1090.0, 452.0, 1139.0, 585.0, 1.0], [-62.0, 525.0, 28.0, 683.0, 0.0], [959.0, 446.0, 991.0, 530.0, 1.0], [1009.0, 449.0, 1047.0, 557.0, 1.0], [959.0, 447.0, 994.0, 545.0, 1.0], [1616.0, 366.0, 1926.0, 1129.0, 1.0], [1441.0, 419.0, 1633.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 456.0, 541.0, 1.0], [912.0, 410.0, 991.0, 707.0, 1.0], [1084.0, 435.0, 1181.0, 676.0, 1.0], [994.0, 446.0, 1106.0, 723.0, 1.0], [795.0, 433.0, 917.0, 692.0, 1.0], [669.0, 451.0, 712.0, 568.0, 1.0], [1180.0, 447.0, 1213.0, 533.0, 1.0], [1147.0, 453.0, 1187.0, 549.0, 1.0], [1126.0, 443.0, 1161.0, 545.0, 1.0], [649.0, 454.0, 680.0, 548.0, 1.0], [717.0, 450.0, 748.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 457.0, 606.0, 537.0, 1.0], [544.0, 462.0, 570.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-132.0, 604.0, 96.0, 728.0, 0.0], [455.0, 461.0, 480.0, 534.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 443.0, 587.0, 475.0, 1.0], [985.0, 458.0, 1008.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1057.0, 445.0, 1090.0, 545.0, 1.0]], "average_area": [69994.80273835413], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 7], [2, 1], [3, 3], [4, 4], [5, 9], [6, 2], [7, 6]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 42, "confidence": 1, "age": 446}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 143}, {"time_since_observed": 17, "confidence": 0.935919545366087, "age": 49}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 531, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[539.36, 460.19, 564.75, 538.36, 0.35456]]}, "detections": [[1456.6, 364.89, 1715.52, 1143.65, 1.8284], [665.0, 449.0, 704.0, 568.0, 1.6778], [908.82, 402.13, 1013.3800000000001, 717.81, 1.5062], [1005.6, 434.36, 1103.092, 728.83, 1.3772], [791.3, 423.72, 882.1959999999999, 698.4100000000001, 1.1684], [716.42, 449.65, 745.7339999999999, 539.593, 0.83144], [1090.8, 448.86, 1164.443, 671.79, 0.51826], [576.97, 449.65, 606.284, 539.593, 0.49914]], "trackers": [[1608.516391215826, 394.02206399250224, 1850.1143973981566, 1120.827015094489, 0.0], [1460.4367159646292, 384.99992043569233, 1705.2397144266058, 1121.4258784814283, 0.0], [1094.0429673296126, 449.92422213972566, 1167.8045839055385, 673.2132424699786, 0.0], [1011.6682653531707, 434.9113010089827, 1108.7479793008215, 728.1470217554363, 0.0], [794.6568332156285, 429.8189712638407, 879.2149699470231, 685.4927675750014, 0.0], [1357.080229062085, 387.71442155259155, 1634.844547418164, 1223.0010720336725, 0.0], [577.61869210579, 450.9669912501274, 606.1872337654942, 538.691530479379, 0.0], [912.5846177483121, 406.17935033876955, 1014.7934064865659, 714.8067575750056, 0.0], [664.2308832919625, 448.2159676355638, 704.1894159612339, 570.0877085357245, 0.0], [716.6794453243491, 449.85361732568583, 745.1299392910354, 537.1020749820063, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1549.0, 411.0, 1760.0, 1000.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1114.0, 431.0, 1151.0, 587.0, 1.0], [1089.0, 452.0, 1138.0, 585.0, 1.0], [960.0, 446.0, 992.0, 530.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [958.0, 447.0, 993.0, 545.0, 1.0], [1622.0, 365.0, 1932.0, 1128.0, 1.0], [1453.0, 419.0, 1639.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 456.0, 541.0, 1.0], [914.0, 410.0, 998.0, 707.0, 1.0], [1087.0, 435.0, 1182.0, 676.0, 1.0], [998.0, 446.0, 1113.0, 723.0, 1.0], [796.0, 433.0, 920.0, 691.0, 1.0], [668.0, 451.0, 710.0, 568.0, 1.0], [1180.0, 446.0, 1213.0, 533.0, 1.0], [1149.0, 453.0, 1189.0, 549.0, 1.0], [1128.0, 443.0, 1163.0, 545.0, 1.0], [650.0, 454.0, 680.0, 548.0, 1.0], [717.0, 451.0, 748.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 456.0, 606.0, 537.0, 1.0], [544.0, 462.0, 570.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-142.0, 605.0, 86.0, 729.0, 0.0], [455.0, 462.0, 480.0, 535.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1056.0, 445.0, 1089.0, 544.0, 1.0]], "average_area": [69584.61089439198], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 8], [2, 7], [3, 3], [4, 4], [5, 9], [6, 2], [7, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 43, "confidence": 1, "age": 447}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 144}, {"time_since_observed": 18, "confidence": 0.9076582676282131, "age": 50}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 532, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1456.1, 389.02, 1697.61, 1115.56, 1.9628], [665.0, 449.0, 704.0, 568.0, 1.8162], [908.82, 402.13, 1013.3800000000001, 717.81, 1.6216], [806.97, 429.71, 891.712, 685.94, 1.5424], [1011.9, 442.1, 1102.796, 716.79, 1.2521], [578.0, 453.55, 605.284, 537.403, 0.8215], [715.78, 449.36, 747.27, 545.83, 0.50592]], "trackers": [[1614.2415594657887, 394.1399331643679, 1855.8395656481193, 1120.9448842663546, 0.0], [1465.6116873526971, 372.01316477394664, 1719.8401917055817, 1136.7124174861965, 0.0], [1093.757776897387, 449.81112568286323, 1167.516346446609, 673.0909545277956, 0.0], [1011.6079522835024, 434.66153044546775, 1108.9555203467241, 728.6994980518517, 0.0], [795.5634645442796, 426.2499841534774, 884.0453405330105, 693.6991715306159, 0.0], [1360.399752670969, 390.53268105178034, 1638.164071203304, 1225.8193320628948, 0.0], [577.4591437668722, 449.96834319537356, 606.613218342172, 539.4473027676732, 0.0], [912.709541357001, 403.4568218751399, 1016.53371892731, 716.9331320394385, 0.0], [663.0987944471466, 448.7606748273457, 702.3190808075786, 568.4129503873329, 0.0], [716.7071157301921, 449.8677314141519, 745.0705093690931, 536.8771641946079, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1555.0, 413.0, 1766.0, 1003.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1089.0, 451.0, 1137.0, 584.0, 1.0], [961.0, 446.0, 992.0, 530.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [958.0, 447.0, 993.0, 545.0, 1.0], [1639.0, 366.0, 1939.0, 1129.0, 1.0], [1454.0, 418.0, 1651.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [917.0, 410.0, 1005.0, 707.0, 1.0], [1090.0, 435.0, 1182.0, 676.0, 1.0], [1001.0, 447.0, 1119.0, 723.0, 1.0], [798.0, 434.0, 924.0, 691.0, 1.0], [667.0, 451.0, 708.0, 568.0, 1.0], [1180.0, 446.0, 1213.0, 533.0, 1.0], [1151.0, 453.0, 1190.0, 549.0, 1.0], [1129.0, 443.0, 1165.0, 545.0, 1.0], [650.0, 454.0, 680.0, 548.0, 1.0], [716.0, 450.0, 747.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 456.0, 607.0, 537.0, 1.0], [544.0, 461.0, 570.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-152.0, 607.0, 76.0, 731.0, 0.0], [454.0, 462.0, 479.0, 535.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 601.0, 494.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [1056.0, 446.0, 1089.0, 544.0, 1.0]], "average_area": [71308.86650983349], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 8], [2, 7], [3, 4], [4, 3], [5, 6], [6, 9]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 44, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 1, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 145}, {"time_since_observed": 19, "confidence": 0.8562190117183428, "age": 51}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 533, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1456.6, 364.89, 1715.52, 1143.65, 1.9558], [907.12, 414.66, 1004.612, 709.1300000000001, 1.9009], [662.65, 442.1, 707.598, 578.94, 1.6633], [715.78, 449.36, 747.27, 545.83, 1.403], [806.97, 429.71, 891.712, 685.94, 0.81135], [578.0, 453.55, 605.284, 537.403, 0.79163], [1025.3, 434.36, 1122.792, 728.83, 0.70462], [544.06, 459.21, 571.3439999999999, 543.063, 0.41174]], "trackers": [[1619.9667277157514, 394.25780233623357, 1861.564733898082, 1121.0627534382202, 0.0], [1465.7669134904559, 382.00426579784704, 1712.6563268591262, 1124.6893963793027, 0.0], [1095.6098672882692, 450.4521536393476, 1169.4037618967607, 673.8389174917759, 0.0], [1015.4176408518824, 439.1654907115112, 1108.7717389155023, 721.2293906719128, 0.0], [806.5481063191718, 428.4264097347291, 892.6209921379767, 688.6475078983224, 0.0], [1363.7192763239173, 393.3509406834775, 1641.48359494438, 1228.6375919596087, 0.0], [578.0356798904107, 452.16218285671965, 606.1030261914531, 538.3780240525738, 0.0], [912.5072894158698, 402.44468278436636, 1016.9284214623622, 717.7122805487974, 0.0], [662.8379283362106, 448.9732184417175, 701.7845493570453, 567.8028027489995, 0.0], [715.9377834410486, 449.4203415112688, 746.8891694415681, 544.2892330344025, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1560.0, 412.0, 1772.0, 1003.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1089.0, 451.0, 1137.0, 584.0, 1.0], [961.0, 446.0, 993.0, 530.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [958.0, 447.0, 993.0, 545.0, 1.0], [1656.0, 368.0, 1946.0, 1131.0, 1.0], [1456.0, 417.0, 1663.0, 1066.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [919.0, 410.0, 1012.0, 707.0, 1.0], [1092.0, 435.0, 1183.0, 676.0, 1.0], [1005.0, 447.0, 1125.0, 723.0, 1.0], [799.0, 434.0, 927.0, 691.0, 1.0], [665.0, 451.0, 707.0, 568.0, 1.0], [1180.0, 446.0, 1213.0, 533.0, 1.0], [1153.0, 453.0, 1192.0, 549.0, 1.0], [1131.0, 443.0, 1167.0, 545.0, 1.0], [650.0, 454.0, 681.0, 548.0, 1.0], [716.0, 450.0, 747.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [708.0, 479.0, 731.0, 535.0, 0.0], [573.0, 456.0, 607.0, 537.0, 1.0], [544.0, 461.0, 570.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [-162.0, 608.0, 66.0, 732.0, 0.0], [454.0, 462.0, 479.0, 535.0, 1.0], [541.0, 460.0, 560.0, 526.0, 1.0], [583.0, 447.0, 601.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [560.0, 444.0, 573.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [740.0, 452.0, 766.0, 512.0, 1.0], [1055.0, 446.0, 1088.0, 543.0, 1.0]], "average_area": [69908.77157713796], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 7], [2, 8], [3, 9], [4, 4], [5, 6], [6, 3]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 45, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 2, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 146}, {"time_since_observed": 20, "confidence": 0.8462925279492545, "age": 52}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 534, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.41174]]}, "detections": [[1456.6, 364.89, 1715.52, 1143.65, 1.8131], [926.82, 414.66, 1024.3120000000001, 709.1300000000001, 1.6853], [665.0, 449.0, 704.0, 568.0, 1.2201], [715.78, 449.36, 747.27, 545.83, 1.1193], [578.0, 453.55, 605.284, 537.403, 0.83865], [1025.3, 434.36, 1122.792, 728.83, 0.75699], [806.97, 429.71, 891.712, 685.94, 0.64515], [544.06, 459.21, 571.3439999999999, 543.063, 0.33749]], "trackers": [[1625.6918959657141, 394.37567150809923, 1867.2899021480448, 1121.180622610086, 0.0], [1466.3231383170316, 370.8533418913656, 1721.310957874616, 1137.8297461422062, 0.0], [1097.4707921138481, 451.11992494347373, 1171.2823429122157, 674.5601371081145, 0.0], [1026.3584980513554, 436.2513530153183, 1122.3040782093665, 726.086667155964, 0.0], [810.395996240921, 429.2912267913439, 895.5323161085264, 686.701030420149, 0.0], [1367.0387999988973, 396.1692003814289, 1644.8031186634241, 1231.4558517900684, 0.0], [578.2351886231277, 453.0105808207534, 605.8761400517074, 537.9438155012184, 0.0], [910.8079284944952, 410.55754003753134, 1010.714871358641, 712.2736846731804, 0.0], [661.2624962896797, 444.27003010546565, 704.2644313809818, 575.2950143439455, 0.0], [715.7609378996443, 449.36050779288007, 747.3273583479041, 546.0836750019524, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1566.0, 411.0, 1778.0, 1003.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1088.0, 451.0, 1136.0, 583.0, 1.0], [962.0, 446.0, 994.0, 531.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [958.0, 447.0, 993.0, 545.0, 1.0], [1673.0, 370.0, 1953.0, 1132.0, 1.0], [1458.0, 416.0, 1676.0, 1065.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [922.0, 411.0, 1019.0, 707.0, 1.0], [1095.0, 435.0, 1183.0, 676.0, 1.0], [1009.0, 448.0, 1132.0, 723.0, 1.0], [801.0, 435.0, 931.0, 691.0, 1.0], [664.0, 451.0, 705.0, 568.0, 1.0], [1180.0, 446.0, 1213.0, 533.0, 1.0], [1155.0, 454.0, 1194.0, 550.0, 1.0], [1133.0, 442.0, 1169.0, 545.0, 1.0], [650.0, 454.0, 681.0, 548.0, 1.0], [716.0, 450.0, 747.0, 541.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 731.0, 535.0, 0.0], [574.0, 456.0, 608.0, 537.0, 1.0], [544.0, 461.0, 571.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [454.0, 462.0, 479.0, 535.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 602.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 444.0, 574.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [740.0, 451.0, 766.0, 511.0, 1.0], [1055.0, 447.0, 1088.0, 543.0, 1.0]], "average_area": [71057.16100432613], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 7], [2, 8], [3, 9], [4, 6], [5, 3], [6, 4]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 46, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 3, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 147}, {"time_since_observed": 21, "confidence": 0.8085152094198808, "age": 53}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 535, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.33749]]}, "detections": [[1449.2, 408.29, 1674.47, 1086.1100000000001, 1.4426], [908.82, 402.13, 1013.3800000000001, 717.81, 1.3657], [715.78, 449.36, 747.27, 545.83, 1.1931], [661.21, 446.86, 703.081, 574.47, 1.0175], [578.0, 453.55, 605.284, 537.403, 0.54404], [809.68, 423.72, 900.5759999999999, 698.4100000000001, 0.52757], [544.64, 460.19, 570.03, 538.36, 0.35795], [1025.3, 434.36, 1122.792, 728.83, 0.32885]], "trackers": [[1631.4170642156769, 394.4935406799649, 1873.0150703980075, 1121.2984917819517, 0.0], [1465.9539399932933, 366.6646475537045, 1723.9626200845746, 1142.7003903725433, 0.0], [1099.3361317787023, 451.8010607225865, 1173.1565090883953, 675.2679922494665, 0.0], [1030.102223460419, 435.1572141533625, 1127.019518330674, 727.9053114488199, 0.0], [811.5349331383546, 429.6325391171862, 896.312122836959, 685.9641930571742, 0.0], [1370.3583236848933, 398.9874601125074, 1648.1226423714522, 1234.274111587401, 0.0], [578.2889683295502, 453.3321814076797, 605.7639658866387, 537.7658032522827, 0.0], [924.1560711508129, 413.6800448539803, 1022.3100099882064, 710.1313567533869, 0.0], [662.3940210449393, 447.1797811068856, 702.8421960009612, 570.5316688305536, 0.0], [715.7183394589225, 449.3462751516471, 747.4317387154011, 546.5079713915477, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1572.0, 411.0, 1784.0, 1003.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1088.0, 451.0, 1136.0, 583.0, 1.0], [963.0, 446.0, 995.0, 531.0, 1.0], [1009.0, 448.0, 1047.0, 556.0, 1.0], [958.0, 448.0, 993.0, 546.0, 1.0], [1690.0, 371.0, 1960.0, 1134.0, 1.0], [1459.0, 415.0, 1679.0, 1065.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [922.0, 411.0, 1026.0, 706.0, 1.0], [1098.0, 435.0, 1184.0, 676.0, 1.0], [1012.0, 447.0, 1133.0, 723.0, 1.0], [803.0, 434.0, 931.0, 690.0, 1.0], [663.0, 451.0, 703.0, 568.0, 1.0], [1181.0, 446.0, 1213.0, 533.0, 1.0], [1157.0, 452.0, 1196.0, 549.0, 1.0], [1135.0, 442.0, 1171.0, 545.0, 1.0], [651.0, 454.0, 681.0, 549.0, 1.0], [716.0, 449.0, 747.0, 542.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [574.0, 456.0, 608.0, 537.0, 1.0], [544.0, 461.0, 571.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [454.0, 462.0, 479.0, 535.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [583.0, 447.0, 602.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 444.0, 574.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [741.0, 451.0, 767.0, 511.0, 1.0], [1054.0, 447.0, 1087.0, 543.0, 1.0]], "average_area": [71391.96204460552], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 7], [2, 9], [3, 8], [4, 6], [5, 4], [7, 3]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 47, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 4, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 148}, {"time_since_observed": 22, "confidence": 0.7829172611150168, "age": 54}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 536, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.35795]]}, "detections": [[926.82, 414.66, 1024.3120000000001, 709.1300000000001, 1.4383], [715.78, 449.36, 747.27, 545.83, 1.3657], [1478.8, 423.24, 1688.92, 1055.6, 1.2616], [578.0, 453.55, 605.284, 537.403, 0.99435], [661.21, 446.86, 703.081, 574.47, 0.97149], [1045.0, 434.36, 1142.492, 728.83, 0.62199], [569.0, 425.0, 608.0, 544.0, 0.45416], [789.83, 429.71, 874.572, 685.94, 0.31886]], "trackers": [[1637.1422324656396, 394.61140985183056, 1878.7402386479703, 1121.4163609538173, 0.0], [1458.2908972964483, 390.84931643024197, 1696.8785249913353, 1108.6377194069478, 0.0], [1101.2036782692567, 452.48887694124164, 1175.0284684388748, 675.9691669512761, 0.0], [1031.119765827839, 434.73445743287425, 1128.4055669028187, 728.586998366186, 0.0], [813.8233035702457, 426.18736055508566, 902.389046346418, 693.8882605165652, 0.0], [1373.6778473763973, 401.8057198601494, 1651.4421660739724, 1237.0923713681702, 0.0], [578.2886977425244, 453.45093967178383, 605.6985477771157, 537.6882888666864, 0.0], [916.1649889531285, 406.25572231047045, 1018.4572219645651, 715.1336290283389, 0.0], [660.3054074449683, 446.9974568625254, 701.6845566826764, 573.1390005239431, 0.0], [715.7123325956918, 449.34068319957726, 747.443650825014, 546.5527580983435, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1577.0, 410.0, 1790.0, 1004.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1088.0, 451.0, 1135.0, 583.0, 1.0], [963.0, 445.0, 995.0, 531.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [958.0, 448.0, 993.0, 546.0, 1.0], [1707.0, 373.0, 1967.0, 1136.0, 1.0], [1461.0, 415.0, 1682.0, 1065.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 457.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [922.0, 411.0, 1033.0, 706.0, 1.0], [1101.0, 435.0, 1184.0, 676.0, 1.0], [1016.0, 447.0, 1135.0, 723.0, 1.0], [806.0, 434.0, 932.0, 689.0, 1.0], [661.0, 451.0, 702.0, 568.0, 1.0], [1181.0, 446.0, 1213.0, 533.0, 1.0], [1160.0, 451.0, 1198.0, 549.0, 1.0], [1137.0, 442.0, 1173.0, 545.0, 1.0], [651.0, 454.0, 681.0, 549.0, 1.0], [716.0, 449.0, 747.0, 542.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [574.0, 456.0, 609.0, 537.0, 1.0], [544.0, 461.0, 571.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [454.0, 462.0, 479.0, 535.0, 1.0], [540.0, 460.0, 559.0, 526.0, 1.0], [584.0, 447.0, 602.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [561.0, 444.0, 574.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [742.0, 451.0, 768.0, 511.0, 1.0], [1054.0, 448.0, 1087.0, 542.0, 1.0]], "average_area": [68986.71223620934], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 9], [2, 1], [3, 6], [4, 8], [5, 3], [7, 4]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 48, "confidence": 1, "age": 452}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 5, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 149}, {"time_since_observed": 23, "confidence": 0.7896096967990012, "age": 55}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 537, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[569.0, 425.0, 608.0, 544.0, 0.45416]]}, "detections": [[716.42, 449.65, 745.7339999999999, 539.593, 1.5117], [929.93, 402.13, 1034.49, 717.81, 1.316], [1494.4, 408.29, 1719.67, 1086.1100000000001, 1.2825], [1045.0, 434.36, 1142.492, 728.83, 1.0949], [578.0, 453.55, 605.284, 537.403, 1.0415], [661.21, 446.86, 703.081, 574.47, 0.92952], [545.0, 425.0, 584.0, 544.0, 0.37421]], "trackers": [[1642.8674007156023, 394.7292790236962, 1884.465406897933, 1121.5342301256828, 0.0], [1475.5182467842264, 408.96367192156515, 1697.0959836041616, 1075.7188550693586, 0.0], [1103.0723280242491, 453.18003293039976, 1176.8993245249162, 676.6670018825827, 0.0], [1045.1540685718699, 434.5653430555162, 1142.5801288870755, 728.8382237264407, 0.0], [800.005711454662, 428.4022104737845, 886.1159955011348, 688.7357095075864, 0.0], [1376.9973710706554, 404.6239796160731, 1654.7616897737385, 1239.9106311406576, 0.0], [578.2697393092577, 453.492410192198, 605.6531902547398, 537.6501291588462, 0.0], [925.6863799497843, 411.9483983289464, 1024.796399408283, 711.2718768984952, 0.0], [659.6431710831006, 446.93384659594625, 701.3686356096129, 574.1120656211227, 0.0], [715.7161769897325, 449.3371206694599, 747.4307384438941, 546.4961338883277, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1583.0, 410.0, 1796.0, 1004.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1087.0, 451.0, 1134.0, 582.0, 1.0], [964.0, 445.0, 996.0, 532.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [958.0, 448.0, 993.0, 546.0, 1.0], [1724.0, 375.0, 1974.0, 1137.0, 1.0], [1462.0, 414.0, 1685.0, 1065.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 452.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [922.0, 411.0, 1040.0, 706.0, 1.0], [1104.0, 435.0, 1185.0, 676.0, 1.0], [1020.0, 446.0, 1136.0, 723.0, 1.0], [808.0, 433.0, 932.0, 688.0, 1.0], [660.0, 451.0, 700.0, 568.0, 1.0], [1181.0, 446.0, 1213.0, 533.0, 1.0], [1162.0, 450.0, 1200.0, 548.0, 1.0], [1139.0, 442.0, 1175.0, 545.0, 1.0], [651.0, 454.0, 682.0, 549.0, 1.0], [715.0, 449.0, 747.0, 542.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [575.0, 456.0, 609.0, 537.0, 1.0], [544.0, 461.0, 571.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [453.0, 462.0, 478.0, 535.0, 1.0], [540.0, 460.0, 559.0, 527.0, 1.0], [584.0, 446.0, 602.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 444.0, 575.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [743.0, 451.0, 769.0, 511.0, 1.0], [1053.0, 448.0, 1086.0, 542.0, 1.0]], "average_area": [66329.05802082625], "iou_threshold": 0.3, "ret_matches": [[0, 9], [1, 7], [2, 1], [3, 3], [4, 6], [5, 8]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 4, 5, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 49, "confidence": 1, "age": 453}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 6, "confidence": 0.9203760315352097, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 150}, {"time_since_observed": 24, "confidence": 0.8016035193385858, "age": 56}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 538, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[545.0, 425.0, 584.0, 544.0, 0.37421]]}, "detections": [[1045.0, 434.36, 1142.492, 728.83, 1.4033], [1494.4, 363.04, 1719.67, 1040.8600000000001, 1.2472], [929.93, 402.13, 1034.49, 717.81, 1.1333], [715.78, 449.36, 747.27, 545.83, 1.0295], [657.0, 449.0, 696.0, 568.0, 0.99505], [576.97, 449.65, 606.284, 539.593, 0.97208]], "trackers": [[1648.592568965565, 394.8471481955619, 1890.1905751478957, 1121.6520992975486, 0.0], [1493.6058157781554, 407.8842606460352, 1717.769727868647, 1082.3934841445891, 0.0], [1104.9415293743666, 453.8728586925197, 1178.7696290158326, 677.3631670409275, 0.0], [1050.0148209296967, 434.49330671822213, 1147.4942678053017, 728.9261734360894, 0.0], [801.8998058822963, 428.45077084988515, 887.9621279559613, 688.6392685247913, 0.0], [1380.3168947662905, 407.44223937613776, 1658.0812134721275, 1242.728890909004, 0.0], [578.2454799907118, 453.5047862966945, 605.6174240736539, 537.627714182889, 0.0], [931.4368436066605, 405.62158216711026, 1034.0668173080528, 715.5132084546096, 0.0], [659.5097321150148, 446.90661148969883, 701.3641498284256, 574.4705818377565, 0.0], [716.1896364609755, 449.47425023518014, 746.2467795865874, 541.6432232412225, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1589.0, 409.0, 1802.0, 1004.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 431.0, 1151.0, 587.0, 1.0], [1087.0, 451.0, 1134.0, 582.0, 1.0], [964.0, 445.0, 997.0, 532.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [958.0, 448.0, 993.0, 546.0, 1.0], [1741.0, 376.0, 1981.0, 1139.0, 1.0], [1464.0, 414.0, 1689.0, 1066.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 458.0, 457.0, 541.0, 1.0], [922.0, 411.0, 1047.0, 706.0, 1.0], [1104.0, 435.0, 1185.0, 676.0, 1.0], [1024.0, 446.0, 1138.0, 723.0, 1.0], [811.0, 433.0, 933.0, 688.0, 1.0], [659.0, 451.0, 698.0, 568.0, 1.0], [1181.0, 446.0, 1213.0, 533.0, 1.0], [1165.0, 449.0, 1202.0, 548.0, 1.0], [1141.0, 442.0, 1177.0, 545.0, 1.0], [652.0, 454.0, 682.0, 549.0, 1.0], [715.0, 448.0, 747.0, 543.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [575.0, 456.0, 610.0, 537.0, 1.0], [544.0, 461.0, 571.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [453.0, 462.0, 478.0, 535.0, 1.0], [540.0, 460.0, 559.0, 527.0, 1.0], [584.0, 446.0, 602.0, 493.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 444.0, 575.0, 476.0, 1.0], [574.0, 442.0, 587.0, 474.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [744.0, 451.0, 770.0, 511.0, 1.0], [1053.0, 449.0, 1086.0, 541.0, 1.0]], "average_area": [66861.77543152877], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 1], [2, 7], [3, 9], [4, 8], [5, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 4, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 50, "confidence": 1, "age": 454}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 7, "confidence": 0.7861570309612831, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 2, "confidence": 1, "age": 151}, {"time_since_observed": 25, "confidence": 0.7772882647295797, "age": 57}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 539, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[661.21, 446.86, 703.081, 574.47, 1.2062], [1048.6, 442.1, 1139.4959999999999, 716.79, 1.1985], [929.93, 402.13, 1034.49, 717.81, 1.1207], [578.0, 453.55, 605.284, 537.403, 0.99869], [841.27, 429.71, 926.012, 685.94, 0.93411], [716.42, 449.65, 745.7339999999999, 539.593, 0.88325], [1504.6, 340.52, 1746.11, 1067.06, 0.57758]], "trackers": [[1654.3177372155278, 394.96501736742755, 1895.9157433978585, 1121.7699684694144, 0.0], [1499.9221771945195, 375.29903305869374, 1725.063224481908, 1052.7376826851832, 0.0], [1106.8110065127746, 454.56651931305146, 1180.6396577184585, 678.0584973408604, 0.0], [1051.405707970295, 434.45896834904465, 1148.9054048816345, 728.9525155874319, 0.0], [803.7819148297938, 428.46309604204487, 889.8202458909245, 688.5790627259372, 0.0], [1383.636418462614, 410.26049913827296, 1661.400737169828, 1245.54715067528, 0.0], [577.5491883022078, 450.9112596069952, 606.2373714622458, 538.9895447963297, 0.0], [933.3497415409696, 403.2688388907201, 1037.2833871096755, 717.0727334765737, 0.0], [656.4738612852586, 448.17833396926113, 696.4863854167068, 570.2146032570336, 0.0], [715.8998165174266, 449.38627852896116, 746.9692478941156, 544.6028018900602, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1594.0, 409.0, 1808.0, 1005.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1087.0, 450.0, 1133.0, 581.0, 1.0], [965.0, 445.0, 997.0, 532.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [958.0, 448.0, 993.0, 546.0, 1.0], [1758.0, 378.0, 1988.0, 1140.0, 1.0], [1465.0, 413.0, 1693.0, 1066.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 457.0, 457.0, 540.0, 1.0], [922.0, 411.0, 1048.0, 706.0, 1.0], [1105.0, 435.0, 1185.0, 676.0, 1.0], [1028.0, 446.0, 1139.0, 724.0, 1.0], [814.0, 433.0, 933.0, 687.0, 1.0], [658.0, 451.0, 697.0, 568.0, 1.0], [1181.0, 446.0, 1213.0, 533.0, 1.0], [1168.0, 448.0, 1204.0, 548.0, 1.0], [1143.0, 441.0, 1179.0, 545.0, 1.0], [652.0, 454.0, 682.0, 549.0, 1.0], [715.0, 448.0, 747.0, 543.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [575.0, 456.0, 610.0, 537.0, 1.0], [545.0, 461.0, 572.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [453.0, 462.0, 478.0, 535.0, 1.0], [539.0, 460.0, 558.0, 527.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [562.0, 444.0, 575.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [745.0, 451.0, 771.0, 511.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1052.0, 449.0, 1085.0, 541.0, 1.0]], "average_area": [67070.26795001446], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 3], [2, 7], [3, 6], [4, 4], [5, 9], [6, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 51, "confidence": 1, "age": 455}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 8, "confidence": 0.6888344572451309, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 26, "confidence": 0.7583740491936353, "age": 58}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 540, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1064.7, 434.36, 1162.192, 728.83, 1.2962], [926.82, 414.66, 1024.3120000000001, 709.1300000000001, 1.1569], [716.42, 449.65, 745.7339999999999, 539.593, 1.0927], [841.27, 429.71, 926.012, 685.94, 0.88037], [578.0, 453.55, 605.284, 537.403, 0.79442], [652.64, 446.86, 694.511, 574.47, 0.79007], [1504.6, 389.02, 1746.11, 1115.56, 0.7388]], "trackers": [[1660.0429054654905, 395.0828865392932, 1901.6409116478212, 1121.88783764128, 0.0], [1509.660203539701, 349.06542667767775, 1745.4885824886624, 1058.5699802216282, 0.0], [1108.6806215430095, 455.2605973557724, 1182.5095485292575, 678.7534102186041, 0.0], [1053.7716144686283, 439.04393842321997, 1147.186682470753, 721.2906181408957, 0.0], [839.5003379287305, 429.39590113651775, 924.4806474000636, 686.3392604330779, 0.0], [1386.955942159282, 413.0787589014433, 1664.7202608671844, 1248.3654104405207, 0.0], [577.9379427673335, 452.50952936774615, 605.8120762338257, 538.1426957650237, 0.0], [933.8070876459103, 402.38810550568223, 1038.2283179509266, 717.6548747204358, 0.0], [658.5416281696046, 447.37121254378195, 699.7506236326215, 572.9991457296127, 0.0], [716.2498941156568, 449.4992486269173, 746.1005197069046, 541.0474042779642, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1600.0, 408.0, 1815.0, 1005.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1086.0, 450.0, 1133.0, 581.0, 1.0], [966.0, 445.0, 998.0, 533.0, 1.0], [1009.0, 447.0, 1047.0, 555.0, 1.0], [958.0, 449.0, 993.0, 547.0, 1.0], [1775.0, 380.0, 1995.0, 1142.0, 1.0], [1466.0, 412.0, 1697.0, 1066.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 431.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 457.0, 457.0, 540.0, 1.0], [922.0, 411.0, 1050.0, 706.0, 1.0], [1106.0, 435.0, 1185.0, 676.0, 1.0], [1031.0, 445.0, 1141.0, 724.0, 1.0], [816.0, 432.0, 934.0, 686.0, 1.0], [657.0, 450.0, 696.0, 567.0, 1.0], [1169.0, 447.0, 1208.0, 548.0, 1.0], [1145.0, 441.0, 1181.0, 545.0, 1.0], [652.0, 454.0, 682.0, 549.0, 1.0], [715.0, 448.0, 747.0, 543.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [576.0, 456.0, 611.0, 537.0, 1.0], [545.0, 461.0, 572.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [453.0, 462.0, 478.0, 535.0, 1.0], [539.0, 460.0, 558.0, 528.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 444.0, 576.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [745.0, 451.0, 772.0, 511.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1052.0, 450.0, 1085.0, 541.0, 1.0]], "average_area": [68284.74818826473], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 7], [2, 9], [3, 4], [4, 6], [5, 8], [6, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 52, "confidence": 1, "age": 456}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 9, "confidence": 0.6040966321391843, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 27, "confidence": 0.7298817662415266, "age": 59}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 541, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[715.78, 449.36, 747.27, 545.83, 1.4024], [1067.0, 442.1, 1157.896, 716.79, 1.1849], [858.42, 429.71, 943.1619999999999, 685.94, 1.0242], [544.64, 460.19, 570.03, 538.36, 0.93392], [652.64, 446.86, 694.511, 574.47, 0.78832], [578.0, 453.55, 605.284, 537.403, 0.76682], [1504.6, 340.52, 1746.11, 1067.06, 0.71699], [929.93, 402.13, 1034.49, 717.81, 0.5706]], "trackers": [[1665.7680737154533, 395.2007557111589, 1907.366079897784, 1122.0057068131455, 0.0], [1512.786638040847, 374.1215664054336, 1752.5681030351923, 1095.4835959131021, 0.0], [1110.5503055185786, 455.9548841078338, 1184.3793703947222, 679.4481143870075, 0.0], [1066.03776993513, 436.1702834221028, 1162.005687235249, 726.0725104955563, 0.0], [845.2429011608176, 429.5783920606226, 930.032395327798, 685.9494150747813, 0.0], [1390.2754658561219, 415.8970186651312, 1668.0397845643686, 1251.1836702052437, 0.0], [578.076817993894, 453.12685413258345, 605.6330406008966, 537.8038283278042, 0.0], [931.2963694898784, 410.3557437734843, 1031.2872394467506, 712.3249340874476, 0.0], [653.3030546670659, 447.07464545991746, 694.95724552102, 574.0375893106477, 0.0], [716.3843591814363, 449.5658142393073, 745.779386064525, 539.7418676554828, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1606.0, 408.0, 1821.0, 1005.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1086.0, 450.0, 1132.0, 580.0, 1.0], [966.0, 445.0, 999.0, 533.0, 1.0], [1008.0, 447.0, 1046.0, 555.0, 1.0], [956.0, 448.0, 991.0, 546.0, 1.0], [1793.0, 382.0, 2002.0, 1144.0, 1.0], [1468.0, 412.0, 1701.0, 1067.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 457.0, 457.0, 540.0, 1.0], [922.0, 411.0, 1051.0, 706.0, 1.0], [1108.0, 435.0, 1187.0, 676.0, 1.0], [1035.0, 445.0, 1142.0, 724.0, 1.0], [819.0, 432.0, 934.0, 685.0, 1.0], [657.0, 450.0, 695.0, 567.0, 1.0], [1171.0, 446.0, 1212.0, 548.0, 1.0], [1147.0, 441.0, 1183.0, 545.0, 1.0], [653.0, 455.0, 683.0, 550.0, 1.0], [715.0, 448.0, 747.0, 544.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [576.0, 456.0, 611.0, 537.0, 1.0], [546.0, 461.0, 573.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [453.0, 462.0, 478.0, 535.0, 1.0], [539.0, 460.0, 558.0, 528.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 444.0, 576.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [746.0, 451.0, 772.0, 511.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [68710.26832976626], "iou_threshold": 0.3, "ret_matches": [[0, 9], [1, 3], [2, 4], [4, 8], [5, 6], [6, 1], [7, 7]], "ret_unmatched_detections": [3], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 53, "confidence": 1, "age": 457}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 10, "confidence": 0.5427233849202824, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 28, "confidence": 0.7115154466993893, "age": 60}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 542, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.64, 460.19, 570.03, 538.36, 0.93392]]}, "detections": [[858.42, 429.71, 943.1619999999999, 685.94, 1.4871], [1064.7, 434.36, 1162.192, 728.83, 1.4533], [715.78, 449.36, 747.27, 545.83, 1.3719], [583.66, 453.55, 610.944, 537.403, 0.86515], [653.46, 442.1, 698.408, 578.94, 0.80401], [946.52, 414.66, 1044.012, 709.1300000000001, 0.6337], [544.06, 459.21, 571.3439999999999, 543.063, 0.57425], [1539.7, 363.04, 1764.97, 1040.8600000000001, 0.38704]], "trackers": [[1671.493241965416, 395.31862488302454, 1913.0912481477467, 1122.1235759850113, 0.0], [1513.3817478770031, 349.1452602782325, 1754.6520053744964, 1074.9725006254034, 0.0], [1112.42002396667, 456.6492752141268, 1186.2491577876647, 680.1427142011793, 0.0], [1071.5729019189696, 439.7369034906458, 1164.381018543116, 720.1627911188964, 0.0], [859.2003273852935, 429.6479023736846, 943.9226291861606, 685.8173647164004, 0.0], [1393.5949895530478, 418.71527842907796, 1671.3593082614668, 1254.0019299697083, 0.0], [578.1190016597054, 453.36154103884525, 605.551813420693, 537.6670762807727, 0.0], [932.584257146293, 405.05218262461557, 1035.520293674599, 715.8622451623371, 0.0], [651.4497292477437, 446.9594572987128, 693.2708381177837, 574.4226624770463, 0.0], [715.9829366731921, 449.44125014225034, 746.7784858986805, 543.8333815931583, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1611.0, 407.0, 1827.0, 1005.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1086.0, 450.0, 1131.0, 580.0, 1.0], [967.0, 445.0, 1000.0, 533.0, 1.0], [1008.0, 447.0, 1046.0, 555.0, 1.0], [954.0, 448.0, 989.0, 546.0, 1.0], [1798.0, 382.0, 2007.0, 1144.0, 1.0], [1479.0, 411.0, 1707.0, 1068.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 457.0, 457.0, 540.0, 1.0], [922.0, 412.0, 1053.0, 707.0, 1.0], [1111.0, 436.0, 1189.0, 677.0, 1.0], [1039.0, 444.0, 1144.0, 724.0, 1.0], [822.0, 432.0, 935.0, 685.0, 1.0], [656.0, 450.0, 694.0, 567.0, 1.0], [1173.0, 445.0, 1217.0, 548.0, 1.0], [1149.0, 441.0, 1185.0, 545.0, 1.0], [653.0, 454.0, 684.0, 550.0, 1.0], [715.0, 448.0, 747.0, 544.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [577.0, 456.0, 612.0, 537.0, 1.0], [546.0, 461.0, 573.0, 537.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [498.0, 456.0, 522.0, 513.0, 1.0], [539.0, 460.0, 558.0, 528.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 444.0, 576.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [747.0, 451.0, 773.0, 511.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [68950.11758783819], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [5, 7], [7, 1]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 54, "confidence": 1, "age": 458}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 11, "confidence": 0.49384505830394704, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 29, "confidence": 0.6961939396835535, "age": 61}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "frame_count": 543, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.57425]]}, "detections": [[858.42, 429.71, 943.1619999999999, 685.94, 1.198], [1064.7, 434.36, 1162.192, 728.83, 1.0131], [715.78, 449.36, 747.27, 545.83, 0.9935], [583.04, 449.65, 612.3539999999999, 539.593, 0.93665], [652.64, 446.86, 694.511, 574.47, 0.7495], [544.64, 460.19, 570.03, 538.36, 0.55931], [946.52, 414.66, 1044.012, 709.1300000000001, 0.49269], [1539.7, 363.04, 1764.97, 1040.8600000000001, 0.42258]], "trackers": [[1677.2184102153788, 395.4364940548902, 1918.8164163977094, 1122.241445156877, 0.0], [1537.2879939637035, 353.68994734199396, 1769.068189440787, 1051.048603133004, 0.0], [1114.2897596509863, 457.34371849742604, 1188.1189279443822, 680.8372618383447, 0.0], [1071.8627880184574, 436.4301644163587, 1167.605767380688, 725.6580400094, 0.0], [863.96393611331, 429.67997400526843, 948.6611392212988, 685.7741512688699, 0.0], [1396.9145132500169, 421.53353819315413, 1674.6788319585219, 1256.8201897340432, 0.0], [582.1547106523107, 453.4491093355761, 609.5391742313046, 537.6090324890989, 0.0], [944.4990832632618, 411.36985895296425, 1043.9172704389428, 711.6196656589759, 0.0], [651.5354703606522, 443.72934771057385, 695.4684024025423, 577.5363007848935, 0.0], [715.8409159744413, 449.4173162548531, 747.1421085039026, 545.3281486700477, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1617.0, 407.0, 1833.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1085.0, 450.0, 1131.0, 579.0, 1.0], [968.0, 445.0, 1000.0, 533.0, 1.0], [1007.0, 447.0, 1045.0, 555.0, 1.0], [953.0, 448.0, 987.0, 546.0, 1.0], [1804.0, 382.0, 2012.0, 1144.0, 1.0], [1490.0, 410.0, 1713.0, 1070.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 457.0, 458.0, 540.0, 1.0], [924.0, 412.0, 1053.0, 706.0, 1.0], [1113.0, 436.0, 1191.0, 678.0, 1.0], [1043.0, 444.0, 1145.0, 724.0, 1.0], [831.0, 432.0, 937.0, 684.0, 1.0], [656.0, 450.0, 693.0, 567.0, 1.0], [1174.0, 444.0, 1221.0, 548.0, 1.0], [1151.0, 441.0, 1187.0, 545.0, 1.0], [653.0, 454.0, 685.0, 550.0, 1.0], [715.0, 448.0, 747.0, 544.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [577.0, 456.0, 612.0, 537.0, 1.0], [547.0, 461.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [499.0, 456.0, 522.0, 513.0, 1.0], [539.0, 460.0, 558.0, 529.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [563.0, 444.0, 576.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [748.0, 451.0, 774.0, 511.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [67615.93428524895], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 9], [3, 6], [4, 8], [6, 7], [7, 1]], "ret_unmatched_detections": [5], "ret_unmatched_trackers": [], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 55, "confidence": 1, "age": 459}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 12, "confidence": 0.4636577300399316, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 30, "confidence": 0.6977045001197267, "age": 62}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "frame_count": 544, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[652.64, 446.86, 694.511, 574.47, 1.3476], [1064.7, 434.36, 1162.192, 728.83, 1.1477], [858.42, 429.71, 943.1619999999999, 685.94, 1.114], [956.72, 423.72, 1047.616, 698.4100000000001, 0.94297], [583.66, 453.55, 610.944, 537.403, 0.93441], [715.78, 449.36, 747.27, 545.83, 0.73093], [1553.1, 389.02, 1794.61, 1115.56, 0.63343], [547.63, 463.91, 571.253, 536.779, 0.45349]], "trackers": [[1682.9435784653415, 395.55436322675587, 1924.5415846476722, 1122.3593143287426, 0.0], [1545.7534316738768, 355.9008126043169, 1773.8022534125269, 1042.063273512414, 0.0], [1116.1595039534059, 458.038187869201, 1189.9886894829965, 681.5317833870345, 0.0], [1071.5532985625478, 435.19695936718176, 1168.3940490563664, 727.7156176881699, 0.0], [865.2921189786151, 429.6975676758629, 949.9801333465449, 685.7641917994765, 0.0], [1400.2340369470076, 424.35179795729493, 1677.9983556555553, 1259.6384494983135, 0.0], [583.265308116143, 450.89425014561004, 611.9465090240786, 538.9505070957648, 0.0], [948.7651007209395, 413.80497324894355, 1046.816855072378, 709.9513116909025, 0.0], [651.0119015088063, 445.66118611302534, 693.709310771647, 575.7574505364381, 0.0], [715.7889540255578, 449.40643251230347, 747.2737488732314, 545.8678801429407, 0.0], [545.2825301398818, 461.43661228966334, 568.6534698601183, 533.3903877103367, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1623.0, 406.0, 1839.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1085.0, 450.0, 1130.0, 579.0, 1.0], [968.0, 445.0, 1001.0, 534.0, 1.0], [1007.0, 447.0, 1045.0, 555.0, 1.0], [951.0, 447.0, 986.0, 545.0, 1.0], [1810.0, 382.0, 2018.0, 1144.0, 1.0], [1501.0, 410.0, 1720.0, 1072.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [926.0, 412.0, 1053.0, 706.0, 1.0], [1116.0, 437.0, 1194.0, 679.0, 1.0], [1047.0, 444.0, 1147.0, 725.0, 1.0], [840.0, 432.0, 940.0, 684.0, 1.0], [655.0, 450.0, 693.0, 567.0, 1.0], [1176.0, 443.0, 1225.0, 548.0, 1.0], [1153.0, 440.0, 1189.0, 545.0, 1.0], [654.0, 454.0, 686.0, 550.0, 1.0], [715.0, 448.0, 748.0, 544.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 535.0, 0.0], [578.0, 456.0, 613.0, 537.0, 1.0], [547.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [500.0, 456.0, 523.0, 513.0, 1.0], [539.0, 460.0, 558.0, 528.0, 1.0], [584.0, 446.0, 602.0, 492.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [564.0, 444.0, 577.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [749.0, 451.0, 775.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [61130.59480707591], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 3], [2, 4], [3, 7], [4, 6], [5, 9], [6, 1], [7, 10]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 56, "confidence": 1, "age": 460}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 13, "confidence": 0.47547388458001716, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 31, "confidence": 0.7590726981271889, "age": 63}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "frame_count": 545, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[715.78, 449.36, 747.27, 545.83, 1.8229], [583.66, 453.55, 610.944, 537.403, 1.3104], [858.42, 429.71, 943.1619999999999, 685.94, 1.1911], [1064.7, 434.36, 1162.192, 728.83, 1.1026], [652.64, 446.86, 694.511, 574.47, 1.101], [549.92, 460.19, 575.31, 538.36, 1.075], [951.05, 402.13, 1055.61, 717.81, 0.84234], [1553.1, 389.02, 1794.61, 1115.56, 0.68314]], "trackers": [[1688.6687467153042, 395.67223239862153, 1930.266752897635, 1122.4771835006081, 0.0], [1558.5117576227813, 377.49557436405416, 1795.3870743738162, 1090.139774511543, 0.0], [1118.0292525648747, 458.7326702852069, 1191.8584467125615, 682.2262918914932, 0.0], [1071.0438554441062, 434.72482056386264, 1168.300567422065, 728.4901768737694, 0.0], [865.3492267535114, 429.709103530295, 950.0341299306172, 685.7664084658151, 0.0], [1403.5535606440087, 427.1700577214681, 1681.3178793525783, 1262.4567092625514, 0.0], [584.0075080015016, 452.4991090867403, 611.8733391351044, 538.1065498360607, 0.0], [957.167822293419, 420.52186008794473, 1050.4359600028404, 702.3192657396414, 0.0], [650.9290628800389, 446.40820422928766, 693.1453134537759, 575.0581924777388, 0.0], [715.7697892405753, 449.39701555985675, 747.3192235393391, 546.0519230586158, 0.0], [549.9586638266933, 467.1319145687189, 571.615182327153, 533.8923931235889, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1628.0, 405.0, 1845.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1085.0, 450.0, 1130.0, 578.0, 1.0], [969.0, 445.0, 1002.0, 534.0, 1.0], [1006.0, 447.0, 1045.0, 555.0, 1.0], [950.0, 447.0, 984.0, 545.0, 1.0], [1814.0, 382.0, 2022.0, 1144.0, 1.0], [1515.0, 409.0, 1725.0, 1074.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [928.0, 412.0, 1053.0, 706.0, 1.0], [1117.0, 436.0, 1194.0, 678.0, 1.0], [1056.0, 443.0, 1153.0, 724.0, 1.0], [849.0, 432.0, 943.0, 684.0, 1.0], [655.0, 450.0, 692.0, 566.0, 1.0], [1178.0, 442.0, 1230.0, 548.0, 1.0], [1155.0, 440.0, 1191.0, 545.0, 1.0], [654.0, 454.0, 687.0, 550.0, 1.0], [715.0, 448.0, 748.0, 545.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [579.0, 456.0, 614.0, 537.0, 1.0], [547.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [501.0, 456.0, 524.0, 513.0, 1.0], [539.0, 460.0, 559.0, 528.0, 1.0], [584.0, 445.0, 602.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [564.0, 444.0, 577.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [750.0, 451.0, 776.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [61978.6399239551], "iou_threshold": 0.3, "ret_matches": [[0, 9], [1, 6], [2, 4], [3, 3], [4, 8], [5, 10], [6, 7], [7, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 57, "confidence": 1, "age": 461}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 14, "confidence": 0.43737204349003234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 32, "confidence": 0.7369881867017732, "age": 64}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "frame_count": 546, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[652.64, 446.86, 694.511, 574.47, 1.4407], [711.37, 446.72, 745.192, 550.19, 1.2829], [858.42, 429.71, 943.1619999999999, 685.94, 1.2294], [549.71, 459.21, 576.994, 543.063, 1.0443], [1553.1, 389.02, 1794.61, 1115.56, 0.99751], [583.04, 449.65, 612.3539999999999, 539.593, 0.98719], [951.05, 402.13, 1055.61, 717.81, 0.74367], [545.0, 425.0, 584.0, 544.0, 0.54124], [1077.7, 423.24, 1182.26, 738.9200000000001, 0.46434]], "trackers": [[1694.393914965267, 395.7901015704872, 1935.9919211475976, 1122.595052672474, 0.0], [1562.6472648703077, 385.7497749790936, 1802.8049140062851, 1108.2395990220489, 0.0], [1119.899003330868, 459.4271592233266, 1193.728201787602, 682.9207938738383, 0.0], [1070.4933166063363, 434.53936882635185, 1167.908317080515, 728.7791033928297, 0.0], [864.9618169156173, 429.7178174943663, 949.6459276640131, 685.7727599982431, 0.0], [1406.8730843410153, 429.98831748565755, 1684.6374030495958, 1265.274969026773, 0.0], [584.2450907619418, 453.119922942156, 611.7926659971865, 537.7702417835939, 0.0], [956.3734687503256, 408.72532248582, 1056.8610031589146, 712.1959913306855, 0.0], [651.0010859062392, 446.6918113228842, 693.0315156167325, 574.7830531981574, 0.0], [715.7627793620121, 449.38799011249694, 747.332711341585, 546.103944278453, 0.0], [552.3688851829462, 461.26302488628437, 577.0580123547821, 537.3115132959464, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1634.0, 405.0, 1851.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1151.0, 586.0, 1.0], [1084.0, 449.0, 1129.0, 578.0, 1.0], [969.0, 445.0, 1003.0, 534.0, 1.0], [1006.0, 447.0, 1044.0, 555.0, 1.0], [948.0, 447.0, 982.0, 545.0, 1.0], [1819.0, 383.0, 2027.0, 1145.0, 1.0], [1529.0, 408.0, 1731.0, 1076.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [933.0, 411.0, 1053.0, 705.0, 1.0], [1119.0, 436.0, 1195.0, 677.0, 1.0], [1066.0, 443.0, 1159.0, 723.0, 1.0], [858.0, 432.0, 946.0, 684.0, 1.0], [654.0, 450.0, 691.0, 566.0, 1.0], [1180.0, 441.0, 1230.0, 548.0, 1.0], [1157.0, 440.0, 1193.0, 545.0, 1.0], [654.0, 454.0, 688.0, 550.0, 1.0], [715.0, 448.0, 749.0, 545.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [579.0, 456.0, 614.0, 537.0, 1.0], [547.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [502.0, 457.0, 524.0, 513.0, 1.0], [540.0, 460.0, 560.0, 528.0, 1.0], [584.0, 445.0, 602.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [564.0, 444.0, 577.0, 476.0, 1.0], [574.0, 441.0, 587.0, 473.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [750.0, 451.0, 777.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [62827.996769475685], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 9], [2, 4], [3, 10], [4, 1], [5, 6], [6, 7], [8, 3]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 58, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 15, "confidence": 0.40444625648556065, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 33, "confidence": 0.7161843366387948, "age": 65}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "frame_count": 547, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[545.0, 425.0, 584.0, 544.0, 0.54124]]}, "detections": [[652.64, 446.86, 694.511, 574.47, 1.6587], [864.82, 423.72, 955.716, 698.4100000000001, 1.5042], [1553.1, 389.02, 1794.61, 1115.56, 1.278], [715.78, 449.36, 747.27, 545.83, 1.2738], [549.71, 459.21, 576.994, 543.063, 1.1149], [583.66, 453.55, 610.944, 537.403, 1.0951], [966.22, 414.66, 1063.712, 709.1300000000001, 0.69458], [1084.4, 434.36, 1181.892, 728.83, 0.53251], [545.0, 425.0, 584.0, 544.0, 0.50099]], "trackers": [[1700.1190832152297, 395.90797074235286, 1941.7170893975604, 1122.7129218443397, 0.0], [1563.510308468607, 388.7778409562945, 1804.9059967730032, 1114.9809158056692, 0.0], [1121.768755174123, 460.1216514225028, 1195.597955785381, 683.6152925951268, 0.0], [1079.4810027546937, 427.34271157843773, 1181.4560253182854, 735.2708600899255, 0.0], [864.443115551763, 429.7249916763036, 949.1273150033933, 685.7802152190649, 0.0], [1410.192608038025, 432.806577249855, 1687.9569267466104, 1268.0932287909866, 0.0], [583.9175219320431, 450.7789178081022, 612.6526121860903, 538.9962935104453, 0.0], [955.8461626578423, 404.43715377618446, 1058.9519287369794, 715.7603202548371, 0.0], [651.1222026408968, 446.79727013385514, 693.0806303660017, 574.6719495326821, 0.0], [712.6222333500184, 447.59057644975525, 745.7974655819285, 549.1363309125724, 0.0], [551.9611453546037, 459.1304843357444, 579.2597311663345, 543.099992996312, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1640.0, 404.0, 1857.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1152.0, 586.0, 1.0], [1084.0, 449.0, 1128.0, 577.0, 1.0], [970.0, 445.0, 1003.0, 535.0, 1.0], [1005.0, 447.0, 1044.0, 555.0, 1.0], [946.0, 446.0, 981.0, 544.0, 1.0], [1823.0, 383.0, 2031.0, 1146.0, 1.0], [1543.0, 408.0, 1737.0, 1078.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [939.0, 411.0, 1053.0, 705.0, 1.0], [1121.0, 436.0, 1196.0, 677.0, 1.0], [1076.0, 443.0, 1166.0, 723.0, 1.0], [867.0, 432.0, 949.0, 684.0, 1.0], [654.0, 450.0, 690.0, 566.0, 1.0], [1182.0, 441.0, 1230.0, 548.0, 1.0], [1159.0, 440.0, 1195.0, 545.0, 1.0], [655.0, 454.0, 689.0, 550.0, 1.0], [715.0, 448.0, 749.0, 545.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [580.0, 456.0, 615.0, 537.0, 1.0], [547.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [503.0, 457.0, 525.0, 513.0, 1.0], [540.0, 460.0, 560.0, 528.0, 1.0], [584.0, 445.0, 603.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [565.0, 444.0, 578.0, 476.0, 1.0], [574.0, 440.0, 587.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [751.0, 451.0, 778.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63468.685035893104], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 4], [2, 1], [3, 9], [4, 10], [5, 6], [6, 7], [7, 3]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 59, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 16, "confidence": 0.37696570280614816, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 34, "confidence": 0.6988547738811849, "age": 66}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "frame_count": 548, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[545.0, 425.0, 584.0, 544.0, 0.50099]]}, "detections": [[875.57, 429.71, 960.312, 685.94, 1.3623], [1553.1, 389.02, 1794.61, 1115.56, 1.3337], [583.66, 453.55, 610.944, 537.403, 1.2164], [649.0, 449.0, 688.0, 568.0, 1.1541], [549.92, 460.19, 575.31, 538.36, 1.0651], [715.78, 449.36, 747.27, 545.83, 1.015], [972.16, 402.13, 1076.72, 717.81, 0.92151], [1084.4, 434.36, 1181.892, 728.83, 0.48275]], "trackers": [[1705.8442514651924, 396.0258399142185, 1947.442257647523, 1122.8307910162052, 0.0], [1563.1811033718652, 389.79646754576623, 1805.0440424022065, 1117.400886135296, 0.0], [1123.638507556009, 460.8161452522071, 1197.4677092445288, 684.3097896858873, 0.0], [1086.9839162689218, 431.67877597871654, 1186.2235468545177, 731.3966989684974, 0.0], [868.6962108014825, 426.15402037029264, 957.3021742258695, 693.9783830160828, 0.0], [1413.5121317350356, 435.6248370140565, 1691.2764504436238, 1270.9114885551962, 0.0], [584.1195262221572, 452.45616809636175, 612.0036349650486, 538.1181526742221, 0.0], [965.9600050426147, 411.06446259379686, 1065.4757307132352, 711.6090688707536, 0.0], [651.2531378054334, 446.8348677932142, 693.183187422864, 574.6241559756064, 0.0], [714.5854673202667, 448.67217402046873, 746.7753646026221, 547.2540660281626, 0.0], [551.5107183384313, 458.7365958386365, 579.3360958244392, 544.2813154836595, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1645.0, 404.0, 1864.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1152.0, 586.0, 1.0], [1084.0, 449.0, 1128.0, 577.0, 1.0], [971.0, 445.0, 1004.0, 535.0, 1.0], [1005.0, 447.0, 1043.0, 555.0, 1.0], [945.0, 446.0, 979.0, 544.0, 1.0], [1828.0, 384.0, 2036.0, 1146.0, 1.0], [1545.0, 407.0, 1747.0, 1081.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [945.0, 411.0, 1053.0, 704.0, 1.0], [1123.0, 436.0, 1198.0, 677.0, 1.0], [1078.0, 443.0, 1172.0, 723.0, 1.0], [877.0, 432.0, 952.0, 684.0, 1.0], [653.0, 450.0, 689.0, 566.0, 1.0], [1184.0, 440.0, 1231.0, 548.0, 1.0], [1161.0, 440.0, 1197.0, 546.0, 1.0], [655.0, 454.0, 690.0, 551.0, 1.0], [715.0, 448.0, 749.0, 546.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [580.0, 456.0, 615.0, 537.0, 1.0], [548.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [504.0, 457.0, 526.0, 513.0, 1.0], [541.0, 460.0, 561.0, 528.0, 1.0], [584.0, 445.0, 603.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [565.0, 444.0, 578.0, 476.0, 1.0], [574.0, 440.0, 587.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [752.0, 451.0, 778.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63342.95235026776], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 1], [2, 6], [3, 8], [4, 10], [5, 9], [6, 7], [7, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 60, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 17, "confidence": 0.3570278116872306, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 35, "confidence": 0.6907002080166875, "age": 67}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "frame_count": 549, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[649.0, 449.0, 688.0, 568.0, 2.1111], [1553.1, 389.02, 1794.61, 1115.56, 1.5919], [972.16, 402.13, 1076.72, 717.81, 1.116], [875.57, 429.71, 960.312, 685.94, 1.064], [715.78, 449.36, 747.27, 545.83, 0.84238], [583.66, 453.55, 610.944, 537.403, 0.78878], [549.71, 459.21, 576.994, 543.063, 0.68079], [1085.4, 442.1, 1176.296, 716.79, 0.57375], [541.17, 421.14, 583.0409999999999, 548.75, 0.32727]], "trackers": [[1711.5694197151552, 396.1437090860842, 1953.1674258974858, 1122.9486601880708, 0.0], [1562.4565270125202, 390.0546739567702, 1804.4937579186765, 1118.1817729589961, 0.0], [1125.5082602072105, 461.51063989717545, 1199.3374624343612, 685.0042859613836, 0.0], [1089.4417204705373, 433.3608995777877, 1187.6165056127543, 729.8816138076529, 0.0], [877.3556795781051, 428.3136877538292, 963.5588073910039, 688.9285802627213, 0.0], [1416.831655432047, 438.44309677826, 1694.5959741406366, 1273.7297483194038, 0.0], [584.1633708692328, 453.1056164689598, 611.7151734848404, 537.7683185915373, 0.0], [973.9361440095024, 405.3158659261127, 1076.6769298991087, 715.5404537993403, 0.0], [648.6867635296852, 448.07119368896514, 688.7605566489195, 570.292431894451, 0.0], [715.3364483057921, 449.0906959558129, 747.1416873568005, 546.5142602715875, 0.0], [551.3012077226997, 459.4746104907705, 577.5907508859432, 540.3695819932742, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1651.0, 403.0, 1870.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1152.0, 586.0, 1.0], [1083.0, 449.0, 1127.0, 577.0, 1.0], [971.0, 445.0, 1005.0, 535.0, 1.0], [1004.0, 447.0, 1043.0, 555.0, 1.0], [943.0, 446.0, 977.0, 544.0, 1.0], [1832.0, 384.0, 2040.0, 1147.0, 1.0], [1547.0, 406.0, 1758.0, 1084.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 457.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [951.0, 411.0, 1053.0, 704.0, 1.0], [1125.0, 436.0, 1200.0, 677.0, 1.0], [1080.0, 443.0, 1178.0, 723.0, 1.0], [880.0, 432.0, 956.0, 683.0, 1.0], [653.0, 450.0, 689.0, 566.0, 1.0], [1186.0, 440.0, 1231.0, 548.0, 1.0], [1162.0, 440.0, 1199.0, 546.0, 1.0], [655.0, 454.0, 691.0, 551.0, 1.0], [715.0, 448.0, 750.0, 546.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [581.0, 456.0, 616.0, 537.0, 1.0], [548.0, 460.0, 574.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [505.0, 458.0, 526.0, 513.0, 1.0], [541.0, 460.0, 562.0, 528.0, 1.0], [584.0, 445.0, 603.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [565.0, 444.0, 578.0, 476.0, 1.0], [574.0, 440.0, 587.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [753.0, 451.0, 779.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63295.16578836869], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 1], [2, 7], [3, 4], [4, 9], [5, 6], [6, 10], [7, 3]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [2], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 61, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 18, "confidence": 0.33889578456917135, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 36, "confidence": 0.6822032080318665, "age": 68}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "frame_count": 550, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[541.17, 421.14, 583.0409999999999, 548.75, 0.32727]]}, "detections": [[649.0, 449.0, 688.0, 568.0, 2.0929], [1553.1, 389.02, 1794.61, 1115.56, 1.6714], [972.16, 402.13, 1076.72, 717.81, 1.4283], [875.57, 429.71, 960.312, 685.94, 1.2348], [545.0, 425.0, 584.0, 544.0, 0.69744], [583.66, 453.55, 610.944, 537.403, 0.67742], [1115.6, 429.71, 1200.3419999999999, 685.94, 0.63128], [711.37, 446.72, 745.192, 550.19, 0.60346]], "trackers": [[1717.294587965118, 396.26157825794985, 1958.8925941474486, 1123.0665293599366, 0.0], [1561.6372957429785, 390.0333783264383, 1803.7371577692415, 1118.3482626812984, 0.0], [1127.378012858412, 462.2051345421438, 1201.2072156241936, 685.69878223688, 0.0], [1090.4019271663226, 438.58973352950625, 1184.086563662928, 721.6465513320393, 0.0], [880.2628035124696, 429.1686629675371, 965.530892949316, 686.9768865986271, 0.0], [1420.1511791290586, 441.2613565424645, 1697.9154978376491, 1276.5480080836105, 0.0], [584.1477217843891, 453.35353811498885, 611.570841670674, 537.6290262712306, 0.0], [976.6104228082586, 403.171021139143, 1080.5528514697048, 717.0008020522371, 0.0], [647.8254186342717, 448.58747862262896, 687.1712119934894, 568.6218816219099, 0.0], [715.6215458863569, 449.24828910788074, 747.2769612880827, 546.2204125655282, 0.0], [550.9304964510702, 459.00790371583753, 578.2101658187269, 542.8865161656403, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1657.0, 403.0, 1876.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1152.0, 586.0, 1.0], [1083.0, 449.0, 1127.0, 576.0, 1.0], [972.0, 445.0, 1006.0, 536.0, 1.0], [1004.0, 447.0, 1043.0, 555.0, 1.0], [942.0, 446.0, 976.0, 544.0, 1.0], [1549.0, 406.0, 1769.0, 1087.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 564.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [961.0, 411.0, 1055.0, 704.0, 1.0], [1127.0, 436.0, 1202.0, 677.0, 1.0], [1082.0, 443.0, 1184.0, 723.0, 1.0], [883.0, 432.0, 960.0, 683.0, 1.0], [652.0, 450.0, 688.0, 566.0, 1.0], [1188.0, 440.0, 1231.0, 548.0, 1.0], [1164.0, 441.0, 1201.0, 546.0, 1.0], [656.0, 454.0, 692.0, 551.0, 1.0], [715.0, 448.0, 750.0, 546.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [548.0, 460.0, 575.0, 538.0, 1.0], [909.0, 408.0, 935.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [506.0, 458.0, 527.0, 513.0, 1.0], [541.0, 460.0, 562.0, 528.0, 1.0], [584.0, 445.0, 603.0, 491.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 444.0, 579.0, 476.0, 1.0], [575.0, 440.0, 588.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [754.0, 451.0, 780.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63085.97129752889], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 1], [2, 7], [3, 4], [4, 10], [5, 6], [6, 2], [7, 9]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 62, "confidence": 1, "age": 466}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 236}, {"time_since_observed": 1, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 37, "confidence": 0.6759061401853548, "age": 69}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "frame_count": 551, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1553.1, 389.02, 1794.61, 1115.56, 1.8573], [875.57, 429.71, 960.312, 685.94, 1.353], [649.0, 449.0, 688.0, 568.0, 1.3333], [715.78, 449.36, 747.27, 545.83, 1.1947], [583.04, 449.65, 612.3539999999999, 539.593, 0.78424], [972.16, 402.13, 1076.72, 717.81, 0.77544], [1115.6, 429.71, 1200.3419999999999, 685.94, 0.57275], [544.06, 459.21, 571.3439999999999, 543.063, 0.56527], [545.0, 425.0, 584.0, 544.0, 0.30413]], "trackers": [[1723.0197562150806, 396.3794474298155, 1964.6177623974113, 1123.1843985318023, 0.0], [1560.8335496877287, 389.91656257329737, 1802.9534586452621, 1118.291514119873, 0.0], [1117.4144777116285, 430.33243681434874, 1201.8341625656076, 685.6022784149461, 0.0], [1094.139661147466, 438.528887489225, 1187.8102466924229, 721.5432520378466, 0.0], [880.997001644524, 429.5033496851461, 965.9056318055099, 686.2324315013502, 0.0], [1423.4707028260707, 444.0796163066696, 1701.2350215346612, 1279.3662678478165, 0.0], [584.1121604626853, 453.44687194293317, 611.485219848531, 537.5716468633218, 0.0], [977.27586523309, 402.3666806593864, 1081.6708585867707, 717.5539932034123, 0.0], [647.5990193914947, 448.8003619833217, 686.6657840007697, 567.9962243557486, 0.0], [712.6209965774341, 447.5579335230188, 745.7884940710009, 549.0777302122251, 0.0], [546.8970476569709, 431.31016859771455, 583.9091360783939, 544.5749250374259, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1662.0, 402.0, 1882.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1115.0, 430.0, 1152.0, 586.0, 1.0], [1083.0, 449.0, 1126.0, 576.0, 1.0], [973.0, 445.0, 1006.0, 536.0, 1.0], [1003.0, 447.0, 1042.0, 555.0, 1.0], [940.0, 446.0, 975.0, 544.0, 1.0], [1550.0, 405.0, 1775.0, 1088.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [971.0, 411.0, 1057.0, 704.0, 1.0], [1129.0, 436.0, 1205.0, 678.0, 1.0], [1084.0, 443.0, 1190.0, 723.0, 1.0], [886.0, 432.0, 964.0, 683.0, 1.0], [651.0, 451.0, 688.0, 566.0, 1.0], [1190.0, 439.0, 1232.0, 548.0, 1.0], [1166.0, 441.0, 1203.0, 547.0, 1.0], [656.0, 454.0, 694.0, 551.0, 1.0], [715.0, 448.0, 751.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [548.0, 460.0, 575.0, 538.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 477.0, 535.0, 1.0], [507.0, 458.0, 528.0, 513.0, 1.0], [542.0, 460.0, 563.0, 528.0, 1.0], [584.0, 445.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 440.0, 588.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [755.0, 451.0, 781.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63749.32877637111], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 8], [3, 9], [4, 6], [5, 7], [6, 2], [8, 10]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 63, "confidence": 1, "age": 467}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 237}, {"time_since_observed": 2, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 38, "confidence": 0.6608484487109775, "age": 70}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "frame_count": 552, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[544.06, 459.21, 571.3439999999999, 543.063, 0.56527]]}, "detections": [[1553.1, 389.02, 1794.61, 1115.56, 1.7314], [875.57, 429.71, 960.312, 685.94, 1.6434], [715.78, 449.36, 747.27, 545.83, 1.601], [583.04, 449.65, 612.3539999999999, 539.593, 0.99507], [1115.6, 429.71, 1200.3419999999999, 685.94, 0.939], [649.0, 449.0, 688.0, 568.0, 0.91693], [985.92, 414.66, 1083.412, 709.1300000000001, 0.54596], [549.92, 460.19, 575.31, 538.36, 0.44066]], "trackers": [[1728.7449244650434, 396.4973166016812, 1970.342930647374, 1123.302267703668, 0.0], [1560.0826576409981, 389.7738792160252, 1802.2063898766141, 1118.160240563257, 0.0], [1117.6151003205828, 429.7179086351624, 1202.3419469527344, 685.9069897649887, 0.0], [1097.8738827859204, 438.4574293295841, 1191.537442064607, 721.4505648630136, 0.0], [880.9333401484528, 429.6358700974944, 965.7046441775569, 685.9526640622506, 0.0], [1426.7902265230825, 446.8978760708749, 1704.5545452316735, 1282.1845276120223, 0.0], [583.697996458145, 450.90440900019655, 612.3612038799712, 538.9053828983949, 0.0], [977.2032018648804, 402.06863796789025, 1081.7682711916657, 717.7660428001759, 0.0], [647.6052858897862, 448.89247413615334, 686.5670849839504, 567.7729198870921, 0.0], [714.6033388094982, 448.63979760846377, 746.7818484110026, 547.1859679460832, 0.0], [545.6938063742459, 422.8109330484835, 585.4661190786803, 544.3028598317319, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1668.0, 402.0, 1888.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 430.0, 1152.0, 586.0, 1.0], [1082.0, 449.0, 1125.0, 575.0, 1.0], [973.0, 445.0, 1007.0, 536.0, 1.0], [1003.0, 447.0, 1042.0, 555.0, 1.0], [939.0, 446.0, 974.0, 544.0, 1.0], [1552.0, 405.0, 1782.0, 1090.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [981.0, 411.0, 1059.0, 704.0, 1.0], [1131.0, 436.0, 1207.0, 678.0, 1.0], [1087.0, 443.0, 1196.0, 723.0, 1.0], [888.0, 432.0, 972.0, 683.0, 1.0], [651.0, 452.0, 687.0, 566.0, 1.0], [1192.0, 439.0, 1232.0, 548.0, 1.0], [1168.0, 442.0, 1205.0, 547.0, 1.0], [656.0, 454.0, 695.0, 551.0, 1.0], [715.0, 448.0, 751.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [548.0, 460.0, 575.0, 538.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 476.0, 534.0, 1.0], [508.0, 459.0, 529.0, 514.0, 1.0], [542.0, 460.0, 564.0, 528.0, 1.0], [585.0, 445.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 440.0, 588.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [755.0, 451.0, 782.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63825.0742078431], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 4], [2, 9], [3, 6], [4, 2], [5, 8], [6, 7], [7, 10]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 64, "confidence": 1, "age": 468}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 238}, {"time_since_observed": 3, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 39, "confidence": 0.6524603153867098, "age": 71}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "frame_count": 553, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1553.1, 389.02, 1794.61, 1115.56, 1.5695], [715.78, 449.36, 747.27, 545.83, 1.423], [892.72, 429.71, 977.462, 685.94, 1.3652], [649.0, 449.0, 688.0, 568.0, 1.2975], [985.92, 414.66, 1083.412, 709.1300000000001, 1.1849], [583.04, 449.65, 612.3539999999999, 539.593, 0.79019], [1104.1, 434.36, 1201.5919999999999, 728.83, 0.78584], [545.0, 425.0, 584.0, 544.0, 0.62375]], "trackers": [[1734.470092715006, 396.61518577354684, 1976.0680988973368, 1123.4201368755334, 0.0], [1559.3944929719487, 389.6310803981431, 1801.5158902106818, 1118.0103822354395, 0.0], [1117.6152164338182, 429.5170902375692, 1202.444155898219, 686.0118079192882, 0.0], [1101.6063479566387, 438.3806642147532, 1195.266393904527, 721.3631846433706, 0.0], [880.5965855186091, 429.69040445340136, 965.3157464102385, 685.8506556627852, 0.0], [1430.1097502200946, 449.7161358350803, 1707.8740689286856, 1285.0027873762278, 0.0], [583.5202375411529, 449.9635942019637, 612.6600336344716, 539.3933531717635, 0.0], [986.4162944649838, 410.10527086965664, 1086.531002945942, 712.4471173906563, 0.0], [647.6917983173871, 448.93701220154514, 686.6153516500992, 567.7026099246431, 0.0], [715.3610324938974, 449.06153494599835, 747.153557744327, 546.4458355523781, 0.0], [548.3500038573468, 445.16442058967533, 579.8579905799547, 541.8790289264864, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1674.0, 401.0, 1894.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 430.0, 1152.0, 586.0, 1.0], [1082.0, 448.0, 1125.0, 575.0, 1.0], [974.0, 445.0, 1008.0, 536.0, 1.0], [1002.0, 447.0, 1041.0, 555.0, 1.0], [938.0, 446.0, 973.0, 544.0, 1.0], [1554.0, 405.0, 1788.0, 1092.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [423.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [992.0, 412.0, 1062.0, 704.0, 1.0], [1133.0, 436.0, 1209.0, 678.0, 1.0], [1087.0, 443.0, 1197.0, 723.0, 1.0], [890.0, 432.0, 981.0, 684.0, 1.0], [650.0, 453.0, 687.0, 566.0, 1.0], [1194.0, 439.0, 1233.0, 549.0, 1.0], [1170.0, 442.0, 1207.0, 547.0, 1.0], [657.0, 454.0, 696.0, 551.0, 1.0], [715.0, 448.0, 751.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [549.0, 460.0, 575.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 476.0, 534.0, 1.0], [509.0, 458.0, 530.0, 514.0, 1.0], [543.0, 460.0, 565.0, 528.0, 1.0], [585.0, 444.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 440.0, 588.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [756.0, 451.0, 783.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63415.33332716026], "iou_threshold": 0.3, "ret_matches": [[0, 1], [1, 9], [2, 4], [3, 8], [4, 7], [5, 6], [6, 3], [7, 10]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 65, "confidence": 1, "age": 469}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 40, "confidence": 0.6494056682288221, "age": 72}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "frame_count": 554, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 1.9936], [583.04, 449.65, 612.3539999999999, 539.593, 1.496], [715.78, 449.36, 747.27, 545.83, 1.3775], [1560.5, 364.89, 1819.42, 1143.65, 1.3111], [652.64, 446.86, 694.511, 574.47, 1.2147], [892.72, 429.71, 977.462, 685.94, 0.9312], [1122.1, 423.72, 1212.9959999999999, 698.4100000000001, 0.70848], [545.0, 425.0, 584.0, 544.0, 0.47265]], "trackers": [[1740.1952609649688, 396.7330549454125, 1981.7932671472995, 1123.5380060473992, 0.0], [1558.7687926545589, 389.49712716504985, 1800.8855405837542, 1117.8624289776267, 0.0], [1118.9623362853913, 429.39091873859877, 1203.8375272433263, 686.025485672841, 0.0], [1107.8986881029937, 435.1067520400514, 1204.7744612348088, 727.7314366151263, 0.0], [892.3942360558774, 429.71473528749743, 977.0938364918782, 685.8162699043069, 0.0], [1433.4292739171067, 452.53439559928574, 1711.1935926256976, 1287.8210471404336, 0.0], [583.4288187795462, 449.61432264026837, 612.7471445755625, 539.5787652304422, 0.0], [989.6075107926517, 413.2352404488646, 1087.9757327893726, 710.3330903484988, 0.0], [647.8010194400059, 448.9623960982484, 686.7117397275186, 567.6895424755679, 0.0], [715.6474185097014, 449.2225259678333, 747.290132737336, 546.1556195252656, 0.0], [546.1169895807005, 428.6061550207788, 583.7265693902872, 543.6247216701629, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1679.0, 401.0, 1900.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 430.0, 1152.0, 586.0, 1.0], [1082.0, 448.0, 1124.0, 574.0, 1.0], [974.0, 445.0, 1009.0, 537.0, 1.0], [1002.0, 447.0, 1041.0, 555.0, 1.0], [937.0, 445.0, 972.0, 543.0, 1.0], [1556.0, 405.0, 1795.0, 1094.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 458.0, 540.0, 1.0], [993.0, 412.0, 1069.0, 703.0, 1.0], [1135.0, 436.0, 1212.0, 679.0, 1.0], [1088.0, 443.0, 1198.0, 723.0, 1.0], [892.0, 432.0, 990.0, 685.0, 1.0], [650.0, 454.0, 687.0, 566.0, 1.0], [1196.0, 439.0, 1236.0, 549.0, 1.0], [1172.0, 443.0, 1209.0, 548.0, 1.0], [657.0, 454.0, 697.0, 551.0, 1.0], [716.0, 448.0, 752.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [549.0, 459.0, 575.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 475.0, 534.0, 1.0], [510.0, 458.0, 532.0, 514.0, 1.0], [543.0, 460.0, 565.0, 528.0, 1.0], [585.0, 444.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 440.0, 588.0, 472.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [757.0, 451.0, 784.0, 510.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [63604.920003623905], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 9], [3, 1], [4, 8], [5, 4], [6, 2], [7, 10]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 66, "confidence": 1, "age": 470}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 1, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 41, "confidence": 0.6405749127602824, "age": 73}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "frame_count": 555, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 2.6171], [583.66, 453.55, 610.944, 537.403, 1.438], [1560.5, 364.89, 1819.42, 1143.65, 1.1531], [1104.1, 434.36, 1201.5919999999999, 728.83, 1.1398], [652.64, 446.86, 694.511, 574.47, 1.0795], [715.78, 449.36, 747.27, 545.83, 1.0345], [892.72, 429.71, 977.462, 685.94, 0.90405], [545.0, 425.0, 584.0, 544.0, 0.71414], [577.0, 425.0, 616.0, 544.0, 0.49139]], "trackers": [[1745.9204292149316, 396.85092411727817, 1987.5184353972622, 1123.655875219265, 0.0], [1564.143498399166, 374.21543930949156, 1817.3011101163831, 1135.7016083771632, 0.0], [1123.2654347384243, 425.39307380715405, 1212.6578823127063, 695.579854133443, 0.0], [1111.9306974050464, 435.12353398900365, 1208.8208283539466, 727.7915880419155, 0.0], [896.5087938178997, 429.7271668450788, 981.2012822448535, 685.8073604272622, 0.0], [1436.7487976141188, 455.35265536349135, 1714.5131163227097, 1290.6393069046392, 0.0], [583.3718015578355, 449.48790586099943, 612.7565994130754, 539.6512596832174, 0.0], [990.5039718308429, 414.4253693953044, 1088.2013317995597, 709.5085409949613, 0.0], [650.5847444351601, 447.69601964961595, 691.373615741836, 572.0637074466736, 0.0], [715.7533883520421, 449.28308452837723, 747.3373306659416, 546.0390675626651, 0.0], [545.3849933468589, 423.14542684987765, 584.9367743597463, 543.9338129855955, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1685.0, 400.0, 1906.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 430.0, 1152.0, 586.0, 1.0], [1081.0, 448.0, 1124.0, 574.0, 1.0], [975.0, 445.0, 1009.0, 537.0, 1.0], [1002.0, 448.0, 1041.0, 556.0, 1.0], [936.0, 445.0, 971.0, 543.0, 1.0], [1558.0, 405.0, 1802.0, 1096.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 459.0, 540.0, 1.0], [994.0, 412.0, 1076.0, 702.0, 1.0], [1134.0, 435.0, 1216.0, 678.0, 1.0], [1089.0, 443.0, 1200.0, 723.0, 1.0], [892.0, 432.0, 991.0, 684.0, 1.0], [649.0, 454.0, 686.0, 565.0, 1.0], [1198.0, 440.0, 1239.0, 549.0, 1.0], [1174.0, 443.0, 1211.0, 548.0, 1.0], [657.0, 454.0, 698.0, 552.0, 1.0], [716.0, 448.0, 752.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [709.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [549.0, 459.0, 575.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 475.0, 534.0, 1.0], [511.0, 458.0, 534.0, 514.0, 1.0], [543.0, 460.0, 565.0, 529.0, 1.0], [585.0, 444.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [758.0, 451.0, 784.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 453.0, 1079.0, 539.0, 1.0]], "average_area": [65360.47952233628], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 1], [3, 3], [4, 8], [5, 9], [6, 4], [7, 10]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 67, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 1, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 42, "confidence": 0.6169789357958382, "age": 74}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "frame_count": 556, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.49139]]}, "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 2.6153], [644.06, 446.86, 685.9309999999999, 574.47, 1.5124], [583.66, 453.55, 610.944, 537.403, 1.4375], [1560.5, 364.89, 1819.42, 1143.65, 1.2778], [892.72, 429.71, 977.462, 685.94, 1.118], [1135.6, 448.86, 1209.243, 671.79, 1.0739], [718.33, 446.72, 752.152, 550.19, 0.79969], [545.0, 425.0, 584.0, 544.0, 0.68055], [1098.8, 423.24, 1203.36, 738.9200000000001, 0.56068], [577.0, 425.0, 616.0, 544.0, 0.3091]], "trackers": [[1751.6455974648943, 396.96879328914383, 1993.243603647225, 1123.7737443911305, 0.0], [1565.8355187384425, 368.488673965049, 1823.0810442223153, 1142.2347666169367, 0.0], [1125.0550484441833, 425.5120215391138, 1214.4909262115493, 695.8300687045675, 0.0], [1109.3447611222402, 434.5793006426338, 1206.70187582935, 728.6460846869268, 0.0], [897.7147857200638, 429.7347170445984, 982.4049137540243, 685.8078359501619, 0.0], [1440.0683213111308, 458.17091512769684, 1717.8326400197218, 1293.4575666688447, 0.0], [583.6858439010438, 451.96518049282236, 611.8203940230843, 538.3787213472057, 0.0], [990.5492136272619, 414.86553136256384, 1087.9928510633022, 709.1867463090157, 0.0], [651.6824239111019, 447.2405508224905, 693.1655634024231, 573.6900964745436, 0.0], [715.790620356648, 449.305401318294, 747.3507242773168, 545.9894745417437, 0.0], [545.1086125801272, 421.4429731406338, 585.2777666758064, 544.0510044371509, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1691.0, 400.0, 1913.0, 1010.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1081.0, 448.0, 1123.0, 573.0, 1.0], [976.0, 445.0, 1010.0, 537.0, 1.0], [1001.0, 448.0, 1040.0, 556.0, 1.0], [935.0, 445.0, 970.0, 543.0, 1.0], [1560.0, 404.0, 1808.0, 1097.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 459.0, 540.0, 1.0], [996.0, 412.0, 1083.0, 702.0, 1.0], [1133.0, 435.0, 1221.0, 677.0, 1.0], [1090.0, 444.0, 1201.0, 724.0, 1.0], [893.0, 432.0, 992.0, 683.0, 1.0], [648.0, 454.0, 685.0, 564.0, 1.0], [1200.0, 440.0, 1242.0, 549.0, 1.0], [1176.0, 444.0, 1213.0, 548.0, 1.0], [658.0, 454.0, 699.0, 552.0, 1.0], [717.0, 448.0, 753.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 730.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [549.0, 459.0, 575.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 475.0, 534.0, 1.0], [512.0, 457.0, 535.0, 514.0, 1.0], [543.0, 460.0, 565.0, 530.0, 1.0], [585.0, 444.0, 603.0, 490.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 475.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [759.0, 451.0, 785.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1048.0, 453.0, 1080.0, 541.0, 1.0]], "average_area": [65952.32235731202], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 8], [2, 6], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10], [8, 3]], "ret_unmatched_detections": [9], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 68, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 43, "confidence": 0.6054038360511105, "age": 75}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "frame_count": 557, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[577.0, 425.0, 616.0, 544.0, 0.3091]]}, "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 2.0616], [583.04, 449.65, 612.3539999999999, 539.593, 1.6084], [649.0, 449.0, 688.0, 568.0, 1.3319], [1560.5, 364.89, 1819.42, 1143.65, 1.2729], [911.64, 433.93, 985.283, 656.86, 1.2497], [1132.8, 446.86, 1217.542, 703.09, 1.0794], [717.57, 441.39, 753.8910000000001, 552.35, 0.58545], [544.22, 439.76, 578.042, 543.23, 0.48818], [575.47, 421.14, 617.341, 548.75, 0.42099]], "trackers": [[1757.370765714857, 397.0866624610095, 1998.9687718971877, 1123.891613562996, 0.0], [1566.0972571568107, 366.2559970379804, 1824.8822828488353, 1144.6186580123506, 0.0], [1134.8211973017128, 442.4998061790827, 1212.854818922348, 678.6225278213151, 0.0], [1105.4708995380033, 427.1469116154071, 1207.5533008492125, 735.3977188958463, 0.0], [897.8404022801586, 429.7400937620025, 982.5299807377693, 685.8115747457314, 0.0], [1443.387845008143, 460.9891748919024, 1721.1521637167339, 1296.2758264330503, 0.0], [583.7974071876444, 452.93177673056726, 611.4397740277294, 537.8660786764084, 0.0], [990.296298194779, 415.01899972283525, 1087.646241531972, 709.0588908019919, 0.0], [646.0122749349022, 447.0638063526726, 687.7568053002175, 574.2966770985275, 0.0], [717.6776939366516, 447.5997756066845, 750.7748314661874, 548.9057820579171, 0.0], [544.9935493351037, 421.0730561134839, 585.318150854465, 544.1303583493516, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1697.0, 399.0, 1917.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1081.0, 448.0, 1122.0, 573.0, 1.0], [976.0, 444.0, 1011.0, 538.0, 1.0], [1001.0, 448.0, 1040.0, 556.0, 1.0], [934.0, 445.0, 969.0, 543.0, 1.0], [1562.0, 404.0, 1815.0, 1099.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 457.0, 459.0, 540.0, 1.0], [997.0, 412.0, 1091.0, 701.0, 1.0], [1132.0, 435.0, 1225.0, 676.0, 1.0], [1091.0, 444.0, 1202.0, 724.0, 1.0], [894.0, 432.0, 993.0, 683.0, 1.0], [647.0, 455.0, 685.0, 564.0, 1.0], [1202.0, 441.0, 1245.0, 549.0, 1.0], [1178.0, 445.0, 1216.0, 549.0, 1.0], [658.0, 454.0, 700.0, 552.0, 1.0], [717.0, 448.0, 753.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [549.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 474.0, 534.0, 1.0], [513.0, 457.0, 537.0, 514.0, 1.0], [543.0, 460.0, 565.0, 530.0, 1.0], [585.0, 444.0, 603.0, 489.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [760.0, 451.0, 786.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 452.0, 1079.0, 541.0, 1.0]], "average_area": [65928.55811791738], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 8], [3, 1], [4, 4], [5, 2], [6, 9], [7, 10]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 69, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 44, "confidence": 0.5998559988689616, "age": 76}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "frame_count": 558, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.42099]]}, "detections": [[993.27, 402.13, 1097.83, 717.81, 1.9261], [583.66, 453.55, 610.944, 537.403, 1.6977], [901.58, 423.72, 992.476, 698.4100000000001, 1.5834], [1122.1, 423.72, 1212.9959999999999, 698.4100000000001, 1.2225], [644.06, 446.86, 685.9309999999999, 574.47, 1.109], [1601.6, 389.02, 1843.11, 1115.56, 1.1021], [717.57, 441.39, 753.8910000000001, 552.35, 0.8424], [1205.8, 439.76, 1239.6219999999998, 543.23, 0.69573], [545.0, 425.0, 584.0, 544.0, 0.54692], [575.47, 421.14, 617.341, 548.75, 0.46939]], "trackers": [[1763.0959339648198, 397.20453163287516, 2004.6939401471504, 1124.0094827348619, 0.0], [1565.839127753609, 365.3429001862389, 1825.2048120994352, 1145.446698262878, 0.0], [1135.6386927546025, 446.7515390495247, 1217.988211561367, 695.8156753579727, 0.0], [1108.592334960476, 427.11419468329325, 1210.7071923168764, 735.4630071242979, 0.0], [910.5022308607258, 431.0914778013316, 988.3917128687212, 666.7714025959074, 0.0], [1446.707368705155, 463.80743465610794, 1724.471687413746, 1299.0940861972558, 0.0], [583.4576242459614, 450.73786387659, 612.2112782070765, 539.0093354140049, 0.0], [989.954855113767, 415.0639281678958, 1087.2721623617479, 709.005882315429, 0.0], [647.3382845794941, 448.18906301686036, 687.3538561913925, 570.2360258593525, 0.0], [717.8931073930917, 443.345739522386, 753.2186154860478, 551.3438715039825, 0.0], [544.1853548714832, 431.35619375789355, 581.1047490564304, 544.1947988540923, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1703.0, 399.0, 1921.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1080.0, 448.0, 1122.0, 572.0, 1.0], [977.0, 444.0, 1011.0, 538.0, 1.0], [1000.0, 448.0, 1039.0, 556.0, 1.0], [933.0, 445.0, 968.0, 543.0, 1.0], [1564.0, 404.0, 1822.0, 1101.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [998.0, 412.0, 1098.0, 701.0, 1.0], [1131.0, 435.0, 1230.0, 675.0, 1.0], [1092.0, 444.0, 1204.0, 724.0, 1.0], [895.0, 432.0, 994.0, 682.0, 1.0], [646.0, 454.0, 684.0, 563.0, 1.0], [1205.0, 442.0, 1248.0, 550.0, 1.0], [1178.0, 444.0, 1216.0, 548.0, 1.0], [658.0, 454.0, 701.0, 552.0, 1.0], [717.0, 448.0, 753.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [550.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 474.0, 534.0, 1.0], [514.0, 457.0, 539.0, 514.0, 1.0], [543.0, 460.0, 565.0, 531.0, 1.0], [585.0, 444.0, 603.0, 489.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [760.0, 451.0, 787.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 452.0, 1078.0, 541.0, 1.0]], "average_area": [65845.67926068921], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 4], [3, 3], [4, 8], [5, 1], [6, 9], [8, 10]], "ret_unmatched_detections": [7, 9], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 70, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 1, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 45, "confidence": 0.5950943040876985, "age": 77}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "frame_count": 559, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1205.8, 439.76, 1239.6219999999998, 543.23, 0.69573], [575.47, 421.14, 617.341, 548.75, 0.46939]]}, "detections": [[909.86, 429.71, 994.602, 685.94, 1.9785], [583.04, 449.65, 612.3539999999999, 539.593, 1.307], [1123.8, 434.36, 1221.292, 728.83, 1.2121], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.0825], [1601.6, 389.02, 1843.11, 1115.56, 0.99351], [644.06, 446.86, 685.9309999999999, 574.47, 0.89835], [575.47, 421.14, 617.341, 548.75, 0.59793], [545.0, 425.0, 584.0, 544.0, 0.57143], [718.33, 446.72, 752.152, 550.19, 0.56581], [1212.8, 439.76, 1246.6219999999998, 543.23, 0.55159]], "trackers": [[1768.8211022147825, 397.3224008047408, 2010.4191083971132, 1124.1273519067277, 0.0], [1593.8571628625598, 379.6672209255751, 1842.67678846992, 1128.1412791177672, 0.0], [1137.7261357431876, 447.8224478575064, 1220.0629570649266, 696.8481809283026, 0.0], [1122.4006152433305, 422.3655247946209, 1216.4013297566682, 706.3760030609338, 0.0], [908.4862920491859, 426.5091590345811, 994.6785823146475, 687.1094254050698, 0.0], [1450.026892402167, 466.6256944203135, 1727.791211110758, 1301.9123459614614, 0.0], [583.6785891708776, 452.4564259444563, 611.5615451856816, 538.1137954372128, 0.0], [995.0466667807193, 406.7782793802976, 1096.964054381757, 714.5313112978708, 0.0], [644.4827274291578, 447.4127033851606, 685.675755774202, 572.9925094589674, 0.0], [717.9606597419662, 441.79357035752656, 754.0936483038994, 552.2101833391804, 0.0], [544.6301340649084, 425.16429393166277, 583.6358142600916, 544.2570608700155, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1709.0, 399.0, 1926.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1080.0, 448.0, 1121.0, 572.0, 1.0], [978.0, 444.0, 1012.0, 538.0, 1.0], [1000.0, 448.0, 1039.0, 556.0, 1.0], [933.0, 445.0, 967.0, 543.0, 1.0], [1566.0, 404.0, 1828.0, 1103.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1000.0, 412.0, 1105.0, 700.0, 1.0], [1133.0, 435.0, 1230.0, 675.0, 1.0], [1093.0, 444.0, 1205.0, 724.0, 1.0], [896.0, 432.0, 995.0, 682.0, 1.0], [645.0, 454.0, 683.0, 563.0, 1.0], [1207.0, 442.0, 1251.0, 550.0, 1.0], [1178.0, 444.0, 1216.0, 548.0, 1.0], [659.0, 454.0, 702.0, 552.0, 1.0], [718.0, 448.0, 754.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [582.0, 457.0, 617.0, 538.0, 1.0], [550.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 473.0, 534.0, 1.0], [515.0, 456.0, 540.0, 514.0, 1.0], [543.0, 460.0, 565.0, 532.0, 1.0], [585.0, 444.0, 603.0, 489.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [761.0, 451.0, 788.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1078.0, 541.0, 1.0]], "average_area": [64642.46849869215], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 3], [3, 7], [4, 1], [5, 8], [7, 10], [8, 9]], "ret_unmatched_detections": [6, 9], "ret_unmatched_trackers": [], "ret_occluded_trackers": [5, 0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 71, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 340}, {"time_since_observed": 2, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 46, "confidence": 0.6007958971048272, "age": 78}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "frame_count": 560, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.59793], [1212.8, 439.76, 1246.6219999999998, 543.23, 0.55159]]}, "detections": [[909.86, 429.71, 994.602, 685.94, 1.9424], [585.82, 449.36, 617.3100000000001, 545.83, 1.7105], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.2918], [1140.5, 423.72, 1231.396, 698.4100000000001, 0.84279], [644.06, 446.86, 685.9309999999999, 574.47, 0.81719], [1601.6, 389.02, 1843.11, 1115.56, 0.70849], [717.57, 441.39, 753.8910000000001, 552.35, 0.31345]], "trackers": [[1774.5462704647452, 397.4402699766065, 2016.144276647076, 1124.2452210785932, 0.0], [1604.0666165378525, 385.28141985961446, 1848.7351415019307, 1121.3023777649123, 0.0], [1139.810404727694, 448.8837569665948, 1222.1408765725648, 697.8902861975257, 0.0], [1127.2482533878176, 430.25119768428175, 1223.4605159578985, 720.8880113741088, 0.0], [913.1252083707694, 428.58003925721164, 998.3930861930302, 686.394477887442, 0.0], [1453.3464160991791, 469.44395418451904, 1731.11073480777, 1304.730605725667, 0.0], [583.3881063882984, 450.5653736834317, 612.2281508617066, 539.0956794171541, 0.0], [1005.260232480959, 411.87203118389766, 1104.3509879851524, 711.1399290036272, 0.0], [643.4710200490239, 447.1235552715393, 685.1043964624306, 574.0232682983702, 0.0], [718.4131857806577, 444.7624163477851, 753.2352720140958, 551.2465191190121, 0.0], [544.8057571050151, 423.0370062852746, 584.5250993085933, 544.2612515647332, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1716.0, 399.0, 1930.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1080.0, 448.0, 1121.0, 572.0, 1.0], [978.0, 444.0, 1013.0, 539.0, 1.0], [999.0, 448.0, 1038.0, 556.0, 1.0], [931.0, 445.0, 965.0, 543.0, 1.0], [1568.0, 404.0, 1835.0, 1105.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 430.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1001.0, 412.0, 1112.0, 700.0, 1.0], [1135.0, 435.0, 1231.0, 675.0, 1.0], [1094.0, 445.0, 1207.0, 725.0, 1.0], [900.0, 432.0, 996.0, 682.0, 1.0], [645.0, 454.0, 682.0, 563.0, 1.0], [1209.0, 443.0, 1254.0, 550.0, 1.0], [1178.0, 443.0, 1216.0, 548.0, 1.0], [659.0, 454.0, 703.0, 552.0, 1.0], [718.0, 448.0, 754.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [550.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 473.0, 534.0, 1.0], [516.0, 456.0, 542.0, 514.0, 1.0], [543.0, 460.0, 565.0, 532.0, 1.0], [585.0, 444.0, 604.0, 489.0, 1.0], [589.0, 455.0, 608.0, 504.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [762.0, 451.0, 789.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [64013.60607833546], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 7], [3, 2], [4, 8], [5, 1], [6, 9]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [10], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 72, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 341}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 47, "confidence": 0.6015011318596825, "age": 79}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 1, "confidence": 0.12786985268016768, "age": 18}], "frame_count": 561, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[909.86, 429.71, 994.602, 685.94, 1.5634], [583.04, 449.65, 612.3539999999999, 539.593, 1.4058], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.2092], [1601.6, 389.02, 1843.11, 1115.56, 0.86464], [717.57, 441.39, 753.8910000000001, 552.35, 0.80019], [545.0, 433.0, 584.0, 552.0, 0.72862], [1140.5, 442.1, 1231.396, 716.79, 0.67945], [641.0, 449.0, 680.0, 568.0, 0.65304], [575.47, 421.14, 617.341, 548.75, 0.56829]], "trackers": [[1780.271438714708, 397.55813914847215, 2021.8694448970386, 1124.3630902504588, 0.0], [1607.4547837741, 387.4216175245449, 1850.5156318608526, 1118.6191365468017, 0.0], [1142.9609075204949, 428.39884745748697, 1232.1871514870263, 698.0899620688622, 0.0], [1131.1062740223688, 429.9575511072916, 1227.3048982630003, 720.5531663000735, 0.0], [914.5444705312726, 429.37077828836976, 999.4569383871716, 686.1140712359618, 0.0], [1456.6659397961912, 472.2622139487246, 1734.4302585047822, 1307.5488654898725, 0.0], [585.3187394091026, 449.8642464683393, 615.9220989065959, 543.6902624761892, 0.0], [1008.8355939063619, 413.83786724254867, 1106.829024771806, 709.8106793341959, 0.0], [643.1548640919489, 447.0083564511599, 684.9546341160014, 574.4066059899181, 0.0], [718.1013689516894, 442.34144005971916, 754.0347445714417, 552.157929633136, 0.0], [544.7445915405737, 421.0382108458532, 585.1688319289134, 544.4138198112612, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1722.0, 399.0, 1934.0, 1009.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1079.0, 447.0, 1120.0, 571.0, 1.0], [979.0, 444.0, 1014.0, 539.0, 1.0], [999.0, 448.0, 1038.0, 557.0, 1.0], [929.0, 445.0, 963.0, 543.0, 1.0], [1570.0, 404.0, 1842.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1002.0, 412.0, 1120.0, 699.0, 1.0], [1137.0, 435.0, 1232.0, 675.0, 1.0], [1103.0, 443.0, 1213.0, 723.0, 1.0], [904.0, 432.0, 997.0, 682.0, 1.0], [644.0, 454.0, 681.0, 563.0, 1.0], [1211.0, 443.0, 1257.0, 550.0, 1.0], [1179.0, 443.0, 1217.0, 548.0, 1.0], [660.0, 454.0, 705.0, 553.0, 1.0], [719.0, 448.0, 755.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [550.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [452.0, 462.0, 473.0, 534.0, 1.0], [517.0, 456.0, 544.0, 514.0, 1.0], [543.0, 460.0, 565.0, 533.0, 1.0], [585.0, 443.0, 604.0, 489.0, 1.0], [589.0, 456.0, 608.0, 505.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [763.0, 451.0, 790.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [64116.865147030476], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 7], [3, 1], [4, 9], [5, 10], [6, 2], [7, 8]], "ret_unmatched_detections": [8], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 2, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 48, "confidence": 0.5955600678546586, "age": 80}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.12786985268016768, "age": 19}], "frame_count": 562, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.56829]]}, "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 1.9078], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.1985], [909.86, 429.71, 994.602, 685.94, 1.1299], [1601.6, 389.02, 1843.11, 1115.56, 0.93878], [718.33, 446.72, 752.152, 550.19, 0.93002], [641.0, 449.0, 680.0, 568.0, 0.92074], [575.47, 421.14, 617.341, 548.75, 0.43958], [1140.5, 442.1, 1231.396, 716.79, 0.32586]], "trackers": [[1608.2711808549454, 388.21493851538037, 1850.7117320788755, 1117.5513146382946, 0.0], [1143.624773302865, 438.7845755452495, 1234.0006100021951, 711.9197834872336, 0.0], [1134.9608854371224, 429.65360600127116, 1231.1526897878996, 720.2286197550684, 0.0], [914.7622372914866, 429.6688664008109, 999.5388840294659, 686.0028091260167, 0.0], [1459.9854634932033, 475.08047371293014, 1737.7497822017942, 1310.367125254078, 0.0], [583.9621873270902, 449.56955899691883, 613.8346583494268, 541.198835016228, 0.0], [1009.8901845763404, 414.5822559585955, 1107.4642044283323, 709.2955292918149, 0.0], [640.8079510755094, 448.1470223634343, 680.8499169195632, 570.2733932374276, 0.0], [717.961263797484, 441.4442923854789, 754.3040674696153, 552.486612129502, 0.0], [544.8601508950003, 429.03342393105, 584.8634164697646, 551.1028331152716, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1728.0, 399.0, 1939.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1078.0, 447.0, 1119.0, 571.0, 1.0], [980.0, 444.0, 1014.0, 539.0, 1.0], [999.0, 448.0, 1038.0, 556.0, 1.0], [927.0, 446.0, 961.0, 544.0, 1.0], [1576.0, 404.0, 1848.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [425.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1004.0, 412.0, 1127.0, 699.0, 1.0], [1139.0, 435.0, 1232.0, 675.0, 1.0], [1112.0, 442.0, 1219.0, 721.0, 1.0], [909.0, 432.0, 998.0, 682.0, 1.0], [643.0, 454.0, 680.0, 563.0, 1.0], [1213.0, 444.0, 1260.0, 550.0, 1.0], [1182.0, 442.0, 1220.0, 548.0, 1.0], [660.0, 453.0, 704.0, 553.0, 1.0], [719.0, 448.0, 755.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [550.0, 459.0, 576.0, 539.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [451.0, 462.0, 472.0, 534.0, 1.0], [518.0, 456.0, 546.0, 514.0, 1.0], [543.0, 460.0, 565.0, 534.0, 1.0], [585.0, 443.0, 604.0, 489.0, 1.0], [588.0, 455.0, 607.0, 504.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 439.0, 588.0, 471.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [764.0, 451.0, 790.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [64008.86851039482], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 3], [3, 0], [4, 8], [5, 7], [7, 1]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [9], "ret_occluded_trackers": [2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 3, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 49, "confidence": 0.5917874541286423, "age": 81}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 1, "confidence": 0.1449491719632595, "age": 20}], "frame_count": 563, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.43958]]}, "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 2.1976], [985.92, 414.66, 1083.412, 709.1300000000001, 1.2342], [718.33, 446.72, 752.152, 550.19, 0.8861], [927.01, 429.71, 1011.752, 685.94, 0.88239], [575.47, 421.14, 617.341, 548.75, 0.86679], [641.0, 449.0, 680.0, 568.0, 0.58237], [549.71, 459.21, 576.994, 543.063, 0.50636], [1630.2, 408.29, 1855.47, 1086.1100000000001, 0.46801], [545.0, 433.0, 584.0, 552.0, 0.38744]], "trackers": [[1608.1468226413388, 388.49351946674784, 1850.3466515866755, 1117.1075942683674, 0.0], [1143.7144014175235, 442.26159287696123, 1234.4879920112337, 716.5881927894932, 0.0], [1138.813791970076, 429.34451080938027, 1235.002186194599, 719.9092232959337, 0.0], [914.5502303266677, 429.77842297962786, 999.2752631794252, 685.9568084851027, 0.0], [1463.3049871902153, 477.8987334771357, 1741.0693058988063, 1313.1853850182836, 0.0], [583.4362065187015, 449.4695570203114, 613.0239397332725, 540.2421273595554, 0.0], [1010.007197033922, 414.85672788390116, 1107.4231848735424, 709.09543446558, 0.0], [640.0140585081024, 448.62142024209015, 679.3662448741036, 568.6761541019146, 0.0], [718.3350112465421, 444.6388690968618, 753.2303534494927, 551.3413084507232, 0.0], [544.7988064599315, 427.83981301190346, 585.4414410447057, 551.8602478481871, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1735.0, 399.0, 1943.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1078.0, 447.0, 1119.0, 571.0, 1.0], [980.0, 444.0, 1015.0, 539.0, 1.0], [999.0, 448.0, 1038.0, 555.0, 1.0], [925.0, 446.0, 959.0, 544.0, 1.0], [1583.0, 404.0, 1855.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1005.0, 412.0, 1134.0, 698.0, 1.0], [1141.0, 435.0, 1233.0, 675.0, 1.0], [1122.0, 441.0, 1226.0, 719.0, 1.0], [915.0, 432.0, 1001.0, 681.0, 1.0], [643.0, 454.0, 679.0, 563.0, 1.0], [1216.0, 445.0, 1263.0, 551.0, 1.0], [1185.0, 442.0, 1224.0, 548.0, 1.0], [660.0, 453.0, 703.0, 553.0, 1.0], [719.0, 448.0, 755.0, 547.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 577.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [451.0, 462.0, 472.0, 534.0, 1.0], [519.0, 456.0, 546.0, 513.0, 1.0], [544.0, 460.0, 566.0, 535.0, 1.0], [585.0, 443.0, 604.0, 489.0, 1.0], [588.0, 455.0, 607.0, 503.0, 1.0], [566.0, 443.0, 578.0, 474.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [765.0, 451.0, 791.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52787.597815267436], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 8], [3, 3], [5, 7], [7, 0], [8, 9]], "ret_unmatched_detections": [4, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [4, 2, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 1, "confidence": 1, "age": 249}, {"time_since_observed": 4, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 50, "confidence": 0.7120247869128412, "age": 82}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.1449491719632595, "age": 21}], "frame_count": 564, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.86679], [549.71, 459.21, 576.994, 543.063, 0.50636]]}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.5652], [1011.9, 423.72, 1102.796, 698.4100000000001, 1.3059], [644.06, 438.28, 685.9309999999999, 565.89, 1.0533], [722.28, 449.36, 753.77, 545.83, 0.99014], [927.01, 429.71, 1011.752, 685.94, 0.77918], [1650.1, 389.02, 1891.61, 1115.56, 0.46059]], "trackers": [[1627.303105407019, 400.0135110627443, 1859.367319698409, 1098.2231640017635, 0.0], [1145.865120293128, 443.5934304640656, 1236.674797699933, 718.0290882278213, 0.0], [1142.6658459941348, 429.03284036915585, 1238.8525351101932, 719.5924020851326, 0.0], [926.4104734838006, 429.81617886774177, 1011.1161025630383, 685.9360869234009, 0.0], [1466.6245108872274, 480.71699324134124, 1744.3888295958184, 1316.0036447824891, 0.0], [583.2281087441937, 449.4386927514027, 612.7053642151094, 539.8786777457418, 0.0], [995.781743730522, 414.9518706641846, 1093.139766065812, 709.0165476079796, 0.0], [639.7992342497304, 448.81636843103604, 678.8861507211287, 568.074029724888, 0.0], [718.4667978435284, 445.87823993396216, 752.7917737004732, 550.8677327257631, 0.0], [544.858887999403, 430.88167934432477, 584.84354659552, 552.8883415325258, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1741.0, 399.0, 1947.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1077.0, 447.0, 1118.0, 571.0, 1.0], [981.0, 444.0, 1016.0, 540.0, 1.0], [999.0, 448.0, 1038.0, 554.0, 1.0], [923.0, 447.0, 957.0, 545.0, 1.0], [1589.0, 404.0, 1862.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1007.0, 412.0, 1142.0, 698.0, 1.0], [1143.0, 435.0, 1234.0, 676.0, 1.0], [1127.0, 441.0, 1230.0, 718.0, 1.0], [921.0, 432.0, 1005.0, 680.0, 1.0], [642.0, 454.0, 678.0, 562.0, 1.0], [1217.0, 444.0, 1264.0, 551.0, 1.0], [1188.0, 441.0, 1228.0, 549.0, 1.0], [660.0, 453.0, 703.0, 553.0, 1.0], [719.0, 448.0, 756.0, 548.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 577.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [450.0, 462.0, 471.0, 534.0, 1.0], [521.0, 456.0, 547.0, 513.0, 1.0], [544.0, 460.0, 566.0, 534.0, 1.0], [585.0, 443.0, 604.0, 488.0, 1.0], [588.0, 455.0, 607.0, 502.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [765.0, 451.0, 792.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [51304.5524639463], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 7], [3, 8], [4, 3], [5, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [9], "ret_occluded_trackers": [1, 2, 4], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 345}, {"time_since_observed": 2, "confidence": 1, "age": 250}, {"time_since_observed": 5, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 51, "confidence": 0.7271094178657251, "age": 83}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 1, "confidence": 0.1996826489949015, "age": 22}], "frame_count": 565, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 1.2301], [927.01, 429.71, 1011.752, 685.94, 0.99505], [717.57, 441.39, 753.8910000000001, 552.35, 0.99014], [1014.4, 402.13, 1118.96, 717.81, 0.78233], [644.27, 432.91, 689.218, 569.75, 0.42111]], "trackers": [[1649.0017176009683, 392.9224464044123, 1887.2818527786926, 1109.779549849402, 0.0], [1148.0248635603198, 444.9525406383205, 1238.852578997045, 719.4427110789989, 0.0], [1146.517473746745, 428.71988225340766, 1242.703310297236, 719.2768685498552, 0.0], [930.5628272774758, 429.8268148596381, 1015.2613593701618, 685.925337719553, 0.0], [1469.9440345842395, 483.5352530055468, 1747.7083532928305, 1318.8219045466947, 0.0], [585.1987447697212, 449.4558560841601, 616.0273212407834, 543.9538762088836, 0.0], [1008.5041235822478, 420.6522617143884, 1101.6646566976624, 702.1295363181049, 0.0], [642.0662930796633, 441.5372730059853, 682.9150110235047, 566.0846036197493, 0.0], [721.2250001181771, 447.9604126717781, 753.8463178222771, 547.8360854903991, 0.0], [544.7856180972041, 429.97058851576656, 585.3464311985664, 553.7352921768166, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1747.0, 399.0, 1952.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1076.0, 447.0, 1117.0, 571.0, 1.0], [981.0, 444.0, 1017.0, 540.0, 1.0], [999.0, 448.0, 1038.0, 554.0, 1.0], [921.0, 447.0, 955.0, 545.0, 1.0], [1596.0, 404.0, 1869.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 459.0, 540.0, 1.0], [1007.0, 412.0, 1142.0, 698.0, 1.0], [1143.0, 434.0, 1233.0, 676.0, 1.0], [1132.0, 441.0, 1234.0, 718.0, 1.0], [927.0, 432.0, 1008.0, 679.0, 1.0], [641.0, 454.0, 677.0, 562.0, 1.0], [1219.0, 444.0, 1265.0, 551.0, 1.0], [1191.0, 441.0, 1232.0, 549.0, 1.0], [660.0, 453.0, 702.0, 553.0, 1.0], [719.0, 448.0, 756.0, 548.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 577.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [450.0, 462.0, 471.0, 534.0, 1.0], [522.0, 456.0, 547.0, 513.0, 1.0], [544.0, 460.0, 566.0, 534.0, 1.0], [585.0, 443.0, 604.0, 488.0, 1.0], [588.0, 454.0, 607.0, 501.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [766.0, 451.0, 793.0, 509.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [51989.70702928123], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 3], [2, 8], [3, 6], [4, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 9], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 346}, {"time_since_observed": 3, "confidence": 1, "age": 251}, {"time_since_observed": 6, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 52, "confidence": 0.7123105484487047, "age": 84}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 2, "confidence": 0.10621326856112934, "age": 23}], "frame_count": 566, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 1.4834], [713.0, 441.0, 752.0, 560.0, 1.1041], [927.01, 429.71, 1011.752, 685.94, 0.66202], [1014.4, 402.13, 1118.96, 717.81, 0.47895], [575.47, 421.14, 617.341, 548.75, 0.40473], [641.2, 424.51, 689.446, 571.25, 0.37289]], "trackers": [[1655.7639945785768, 392.85978243035527, 1894.1932476433599, 1110.165501604512, 0.0], [1150.1891170066028, 446.32528101148046, 1241.0258501150656, 720.8427037312713, 0.0], [1150.3688883593804, 428.4062802870574, 1246.5542986242535, 718.9619788651798, 0.0], [931.7957432392741, 429.82739880854945, 1016.4918765358543, 685.918696660384, 0.0], [1473.2635582812516, 486.35351276975234, 1751.0278769898425, 1321.6401643109002, 0.0], [583.8556848523913, 449.41070343304875, 613.8120597509437, 541.2904744700642, 0.0], [1015.3393694724631, 408.7567481495414, 1115.7561593134196, 712.0158188895716, 0.0], [643.2192415818688, 435.2910064759181, 686.7315195383219, 567.8361854279617, 0.0], [719.0373986373124, 443.52536072693687, 754.1467804385716, 550.8734431200725, 0.0], [544.7163833317433, 429.0718102486302, 585.8452806648746, 554.5699302596857, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1754.0, 399.0, 1956.0, 1008.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1076.0, 447.0, 1117.0, 571.0, 1.0], [982.0, 444.0, 1017.0, 540.0, 1.0], [999.0, 448.0, 1038.0, 553.0, 1.0], [919.0, 448.0, 953.0, 546.0, 1.0], [1611.0, 404.0, 1875.0, 1107.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1008.0, 412.0, 1142.0, 698.0, 1.0], [1144.0, 434.0, 1233.0, 676.0, 1.0], [1137.0, 442.0, 1238.0, 718.0, 1.0], [934.0, 432.0, 1012.0, 678.0, 1.0], [641.0, 454.0, 676.0, 562.0, 1.0], [1221.0, 443.0, 1266.0, 552.0, 1.0], [1194.0, 440.0, 1236.0, 549.0, 1.0], [660.0, 453.0, 702.0, 553.0, 1.0], [719.0, 448.0, 757.0, 549.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 578.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [449.0, 462.0, 470.0, 534.0, 1.0], [524.0, 456.0, 548.0, 513.0, 1.0], [544.0, 460.0, 566.0, 534.0, 1.0], [585.0, 443.0, 604.0, 488.0, 1.0], [588.0, 454.0, 606.0, 501.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [767.0, 451.0, 794.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52551.54761790079], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 8], [2, 3], [3, 6], [5, 7]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [4, 9], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 347}, {"time_since_observed": 4, "confidence": 1, "age": 252}, {"time_since_observed": 7, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 53, "confidence": 0.6997290480622997, "age": 85}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 3, "confidence": 0.07530179993442117, "age": 24}], "frame_count": 567, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.40473]]}, "detections": [[722.28, 449.36, 753.77, 545.83, 1.2439], [585.82, 449.36, 617.3100000000001, 545.83, 0.963], [1025.3, 414.66, 1122.792, 709.1300000000001, 0.49447], [641.0, 449.0, 680.0, 568.0, 0.49403], [545.0, 425.0, 584.0, 544.0, 0.38676]], "trackers": [[1662.5635685089173, 392.90932497944317, 1901.067345555295, 1110.4392468364767, 0.0], [1152.3556250386648, 447.7048349616608, 1243.1968666473074, 722.2358828065234, 0.0], [1154.2201964009655, 428.09235639219594, 1250.4053935223214, 718.6474111090157, 0.0], [931.942905543068, 429.8244307387564, 1016.6384311192126, 685.9139017934507, 0.0], [1476.5830819782636, 489.1717725339579, 1754.3474006868546, 1324.4584240751058, 0.0], [583.3415537329284, 449.40952628134255, 612.9574215222382, 540.2658166568517, 0.0], [1017.7191638426074, 404.4313829485449, 1120.7717870333993, 715.5948899215534, 0.0], [641.6086742592917, 427.3400542267822, 688.2517762080955, 569.2877939269943, 0.0], [715.0247574966805, 441.8417622624322, 752.8025714952079, 557.2026096485139, 0.0], [544.6510187463153, 428.1848412044424, 586.34025995115, 555.3927591196061, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1760.0, 398.0, 1960.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1075.0, 447.0, 1116.0, 571.0, 1.0], [983.0, 444.0, 1018.0, 541.0, 1.0], [999.0, 448.0, 1038.0, 552.0, 1.0], [917.0, 448.0, 951.0, 546.0, 1.0], [1627.0, 404.0, 1882.0, 1108.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1009.0, 412.0, 1142.0, 698.0, 1.0], [1144.0, 433.0, 1233.0, 676.0, 1.0], [1142.0, 442.0, 1242.0, 718.0, 1.0], [940.0, 432.0, 1015.0, 677.0, 1.0], [640.0, 454.0, 675.0, 562.0, 1.0], [1223.0, 443.0, 1267.0, 552.0, 1.0], [1197.0, 440.0, 1240.0, 550.0, 1.0], [660.0, 453.0, 701.0, 553.0, 1.0], [719.0, 448.0, 757.0, 549.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 578.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [449.0, 462.0, 470.0, 534.0, 1.0], [525.0, 456.0, 548.0, 513.0, 1.0], [544.0, 460.0, 567.0, 534.0, 1.0], [585.0, 443.0, 604.0, 488.0, 1.0], [588.0, 454.0, 606.0, 500.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [768.0, 451.0, 795.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52876.10616238252], "iou_threshold": 0.3, "ret_matches": [[0, 8], [1, 5], [2, 6], [3, 7], [4, 9]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 348}, {"time_since_observed": 5, "confidence": 1, "age": 253}, {"time_since_observed": 8, "confidence": 1, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 180}, {"time_since_observed": 54, "confidence": 0.6906812990362526, "age": 86}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 25}], "frame_count": 568, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[641.0, 449.0, 680.0, 568.0, 0.97708], [555.19, 460.19, 580.58, 538.36, 0.97243], [585.82, 449.36, 617.3100000000001, 545.83, 0.85088], [722.28, 449.36, 753.77, 545.83, 0.83099], [1025.3, 414.66, 1122.792, 709.1300000000001, 0.58702]], "trackers": [[1669.3817778001192, 393.0149313325855, 1907.922808106369, 1110.6569282643873, 0.0], [1154.5232602377255, 449.08779531989774, 1245.3667560125505, 723.6256554737189, 0.0], [1158.0714511567598, 427.7782715322764, 1254.25654170618, 718.3330043179096, 0.0], [935.2070514596792, 429.87395767338694, 1019.8880023309605, 685.9193599483697, 0.0], [1479.9026056752757, 491.99003229816344, 1757.6669243838667, 1327.2766838393113, 0.0], [585.2013563227268, 449.4452113714572, 616.0764491929839, 544.0822495409237, 0.0], [1025.84322586757, 410.91796701005546, 1125.3993992581152, 711.5850247353824, 0.0], [640.4869143822082, 440.6555772585177, 682.5215566837983, 568.7863423366832, 0.0], [719.8149652487302, 446.2410475026518, 753.8546459827455, 550.3937574916205, 0.0], [544.8217132161108, 423.97495380927313, 584.7047083613502, 545.6696023620667, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1766.0, 398.0, 1965.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1074.0, 447.0, 1115.0, 571.0, 1.0], [983.0, 444.0, 1019.0, 541.0, 1.0], [999.0, 448.0, 1038.0, 552.0, 1.0], [915.0, 448.0, 949.0, 546.0, 1.0], [1642.0, 404.0, 1888.0, 1108.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1010.0, 412.0, 1142.0, 699.0, 1.0], [1145.0, 433.0, 1233.0, 676.0, 1.0], [1147.0, 443.0, 1246.0, 718.0, 1.0], [946.0, 432.0, 1019.0, 676.0, 1.0], [639.0, 454.0, 674.0, 562.0, 1.0], [1225.0, 442.0, 1269.0, 553.0, 1.0], [1201.0, 440.0, 1244.0, 550.0, 1.0], [660.0, 453.0, 700.0, 553.0, 1.0], [719.0, 448.0, 757.0, 549.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 578.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [448.0, 462.0, 469.0, 534.0, 1.0], [527.0, 456.0, 549.0, 513.0, 1.0], [544.0, 460.0, 567.0, 534.0, 1.0], [586.0, 443.0, 604.0, 488.0, 1.0], [588.0, 453.0, 606.0, 499.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [769.0, 451.0, 796.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52440.90614082866], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 9], [2, 5], [3, 8], [4, 6]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 349}, {"time_since_observed": 6, "confidence": 1, "age": 254}, {"time_since_observed": 9, "confidence": 1, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 181}, {"time_since_observed": 55, "confidence": 0.6917952432679275, "age": 87}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 26}], "frame_count": 569, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[641.0, 449.0, 680.0, 568.0, 1.3045], [585.82, 449.36, 617.3100000000001, 545.83, 1.2314], [555.19, 460.19, 580.58, 538.36, 0.79068], [1025.3, 414.66, 1122.792, 709.1300000000001, 0.75334], [722.28, 449.36, 753.77, 545.83, 0.72496], [938.34, 423.72, 1029.236, 698.4100000000001, 0.6815], [1650.1, 389.02, 1891.61, 1115.56, 0.375], [579.94, 414.53, 624.888, 551.37, 0.36508]], "trackers": [[1676.209301497058, 393.14855973595905, 1914.768956251706, 1110.8465876420667, 0.0], [1156.6914589888192, 450.4724587870686, 1247.5360818257604, 725.0137250319805, 0.0], [1161.9226792695924, 427.46410618962705, 1258.1077165330005, 718.0186780095335, 0.0], [938.4675541704584, 429.912468835365, 1023.1412167485404, 685.9358338759412, 0.0], [1483.2221293722878, 494.808292062369, 1760.9864480808787, 1330.0949436035169, 0.0], [585.8864956989563, 449.4633980585548, 617.2281977700712, 545.4987814251718, 0.0], [1028.6456102715138, 413.4357343472758, 1126.8365173343327, 710.0025537069733, 0.0], [640.1855340091181, 445.9492680444687, 680.3268289195182, 568.3846759469482, 0.0], [721.6665183528119, 448.09187760410015, 754.1705878327002, 547.6216724416172, 0.0], [551.6181862183099, 447.0931868450948, 582.8170420131402, 542.8421410739423, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1772.0, 398.0, 1969.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1074.0, 447.0, 1115.0, 571.0, 1.0], [984.0, 444.0, 1020.0, 541.0, 1.0], [999.0, 448.0, 1038.0, 551.0, 1.0], [913.0, 448.0, 947.0, 547.0, 1.0], [1658.0, 404.0, 1895.0, 1109.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 468.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1011.0, 412.0, 1142.0, 699.0, 1.0], [1146.0, 433.0, 1233.0, 677.0, 1.0], [1148.0, 442.0, 1254.0, 717.0, 1.0], [953.0, 432.0, 1023.0, 675.0, 1.0], [639.0, 454.0, 674.0, 562.0, 1.0], [1226.0, 442.0, 1270.0, 553.0, 1.0], [1205.0, 441.0, 1248.0, 551.0, 1.0], [660.0, 453.0, 700.0, 553.0, 1.0], [719.0, 448.0, 758.0, 550.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [583.0, 457.0, 617.0, 539.0, 1.0], [551.0, 459.0, 579.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [448.0, 462.0, 469.0, 534.0, 1.0], [528.0, 456.0, 549.0, 513.0, 1.0], [544.0, 460.0, 567.0, 534.0, 1.0], [586.0, 442.0, 604.0, 488.0, 1.0], [588.0, 453.0, 606.0, 498.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [575.0, 438.0, 588.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [770.0, 451.0, 796.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52105.98319431007], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 5], [2, 9], [3, 6], [4, 8], [5, 3], [6, 0]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 7, "confidence": 1, "age": 255}, {"time_since_observed": 10, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 56, "confidence": 0.6917602894464966, "age": 88}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 27}], "frame_count": 570, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[579.94, 414.53, 624.888, 551.37, 0.36508]]}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.4602], [633.0, 449.0, 672.0, 568.0, 1.1841], [555.19, 460.19, 580.58, 538.36, 0.81566], [944.16, 429.71, 1028.902, 685.94, 0.79812], [1025.3, 414.66, 1122.792, 709.1300000000001, 0.57347], [713.0, 441.0, 752.0, 560.0, 0.46114]], "trackers": [[1657.8120944107684, 389.7426728113671, 1898.9419955194342, 1115.1443470387997, 0.0], [1158.859939508064, 451.85797378493544, 1249.7051258708195, 726.4009430595461, 0.0], [1165.7738940609274, 427.1499006055627, 1261.9589046813185, 717.7043919425722, 0.0], [941.9266150742969, 425.28977996730896, 1031.5928512662795, 696.2949025732912, 0.0], [1486.5416530692999, 497.62655182657454, 1764.3059717778908, 1332.9132033677224, 0.0], [586.1181504810719, 449.4570006587947, 617.6348901906287, 546.0164823009993, 0.0], [1029.4256627775126, 414.39573621900064, 1127.0923048613936, 709.3878406127576, 0.0], [640.139415687406, 447.99889881150006, 679.5354703581106, 568.189748241461, 0.0], [722.3514782146518, 448.82912004798646, 754.2502697993513, 546.5339025580749, 0.0], [554.1706078057415, 455.7531677113228, 581.875668877769, 540.9480897618218, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1779.0, 398.0, 1973.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1073.0, 447.0, 1114.0, 571.0, 1.0], [985.0, 444.0, 1020.0, 542.0, 1.0], [999.0, 448.0, 1038.0, 550.0, 1.0], [912.0, 449.0, 946.0, 547.0, 1.0], [1659.0, 404.0, 1902.0, 1110.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 460.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1012.0, 412.0, 1142.0, 699.0, 1.0], [1146.0, 432.0, 1233.0, 677.0, 1.0], [1150.0, 442.0, 1263.0, 717.0, 1.0], [954.0, 432.0, 1031.0, 675.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1228.0, 441.0, 1271.0, 553.0, 1.0], [660.0, 453.0, 699.0, 553.0, 1.0], [719.0, 448.0, 758.0, 550.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [584.0, 457.0, 618.0, 540.0, 1.0], [551.0, 459.0, 579.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [447.0, 462.0, 468.0, 534.0, 1.0], [530.0, 456.0, 550.0, 513.0, 1.0], [544.0, 460.0, 568.0, 534.0, 1.0], [586.0, 442.0, 604.0, 487.0, 1.0], [588.0, 453.0, 606.0, 498.0, 1.0], [566.0, 443.0, 578.0, 473.0, 1.0], [576.0, 438.0, 589.0, 470.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [770.0, 451.0, 797.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52618.29336528602], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 7], [2, 9], [3, 3], [4, 6], [5, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 351}, {"time_since_observed": 8, "confidence": 1, "age": 256}, {"time_since_observed": 11, "confidence": 0.9705135531216585, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 57, "confidence": 0.6807427984511983, "age": 89}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 28}], "frame_count": 571, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[635.49, 446.86, 677.361, 574.47, 1.5588], [585.82, 449.36, 617.3100000000001, 545.83, 1.0969], [1045.0, 414.66, 1142.492, 709.1300000000001, 0.92346], [718.33, 446.72, 752.152, 550.19, 0.62171], [1664.5, 364.89, 1923.42, 1143.65, 0.55338], [938.34, 405.34, 1029.236, 680.03, 0.5436]], "trackers": [[1662.9348211146255, 389.8923058366073, 1904.0861502877754, 1115.3584430517521, 0.0], [1161.0285609094176, 453.2439145422078, 1251.8740290337696, 727.7877353277062, 0.0], [1169.6251021915095, 426.8356749007784, 1265.8100994903893, 717.390125996331, 0.0], [946.7897599429938, 428.05572573492196, 1033.3227709313815, 689.6615648837294, 0.0], [1489.861176766312, 500.4448115907801, 1767.625495474903, 1335.731463131928, 0.0], [586.1779425964802, 449.4397781845589, 617.7599176642742, 546.1944400425186, 0.0], [1029.4567131982767, 414.7547369315983, 1126.924332941423, 709.1490414373332, 0.0], [634.4816602580026, 448.7774099308936, 673.5904449123141, 568.1026588976538, 0.0], [716.1590461768847, 443.6884276341424, 752.8084459080521, 555.6792011508362, 0.0], [555.1507279880974, 459.1243573834646, 581.4331947472427, 540.0049029775228, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1785.0, 398.0, 1978.0, 1007.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1116.0, 429.0, 1152.0, 585.0, 1.0], [1073.0, 446.0, 1114.0, 570.0, 1.0], [985.0, 444.0, 1021.0, 542.0, 1.0], [1000.0, 448.0, 1039.0, 550.0, 1.0], [910.0, 449.0, 944.0, 548.0, 1.0], [1661.0, 404.0, 1909.0, 1111.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 457.0, 460.0, 540.0, 1.0], [1013.0, 412.0, 1142.0, 699.0, 1.0], [1147.0, 432.0, 1233.0, 677.0, 1.0], [1152.0, 442.0, 1271.0, 716.0, 1.0], [956.0, 432.0, 1039.0, 675.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1230.0, 441.0, 1272.0, 554.0, 1.0], [661.0, 453.0, 699.0, 554.0, 1.0], [720.0, 448.0, 759.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [584.0, 457.0, 618.0, 540.0, 1.0], [552.0, 460.0, 580.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [447.0, 462.0, 468.0, 534.0, 1.0], [531.0, 456.0, 550.0, 513.0, 1.0], [544.0, 460.0, 568.0, 534.0, 1.0], [586.0, 442.0, 604.0, 487.0, 1.0], [587.0, 452.0, 605.0, 497.0, 1.0], [565.0, 442.0, 577.0, 472.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [771.0, 451.0, 798.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1047.0, 451.0, 1077.0, 541.0, 1.0]], "average_area": [52513.19487047706], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 5], [2, 6], [3, 8], [4, 0], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 9], "ret_occluded_trackers": [1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 352}, {"time_since_observed": 9, "confidence": 1, "age": 257}, {"time_since_observed": 12, "confidence": 0.8958525869660423, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 58, "confidence": 0.6779623383225383, "age": 90}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 1, "confidence": 0.1133443264609082, "age": 29}], "frame_count": 572, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.4101], [633.0, 449.0, 672.0, 568.0, 1.4051], [1045.0, 414.66, 1142.492, 709.1300000000001, 1.1638], [717.57, 441.39, 753.8910000000001, 552.35, 0.77815], [938.34, 405.34, 1029.236, 680.03, 0.65182]], "trackers": [[1670.188918502118, 371.2053465858341, 1924.852193644713, 1137.203276892686, 0.0], [1163.1972527513342, 454.6300681776972, 1254.0428617561568, 729.1743147176492, 0.0], [1173.4763069917144, 426.5214391356308, 1269.6612976298375, 717.075870110453, 0.0], [944.3690718573143, 412.3910022866974, 1033.6938988092238, 682.3723108275831, 0.0], [1493.180700463324, 503.26307135498564, 1770.945019171915, 1338.5497228961335, 0.0], [586.1744395774148, 449.41940059170156, 617.7799674655163, 546.2444283284574, 0.0], [1043.2501214982371, 414.8837961765063, 1140.6434544298027, 709.0549921818846, 0.0], [634.2998223842383, 447.82276103052516, 675.1539029382102, 572.3867872164586, 0.0], [717.4951181647457, 445.4617370980157, 752.4923065970872, 552.4798653265657, 0.0], [555.4992587977797, 459.7015705457398, 581.8028972286277, 540.6472689420116, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1791.0, 398.0, 1982.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1153.0, 585.0, 1.0], [1072.0, 446.0, 1113.0, 570.0, 1.0], [986.0, 444.0, 1022.0, 542.0, 1.0], [999.0, 448.0, 1038.0, 549.0, 1.0], [908.0, 449.0, 942.0, 548.0, 1.0], [1662.0, 404.0, 1916.0, 1113.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1014.0, 413.0, 1143.0, 700.0, 1.0], [1147.0, 431.0, 1233.0, 677.0, 1.0], [1154.0, 442.0, 1280.0, 716.0, 1.0], [957.0, 432.0, 1047.0, 676.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1232.0, 440.0, 1273.0, 554.0, 1.0], [661.0, 453.0, 699.0, 554.0, 1.0], [720.0, 448.0, 759.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [584.0, 457.0, 618.0, 540.0, 1.0], [552.0, 460.0, 580.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [446.0, 462.0, 467.0, 534.0, 1.0], [533.0, 456.0, 551.0, 513.0, 1.0], [544.0, 460.0, 568.0, 534.0, 1.0], [586.0, 442.0, 604.0, 487.0, 1.0], [587.0, 452.0, 605.0, 497.0, 1.0], [565.0, 442.0, 577.0, 472.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [772.0, 451.0, 799.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1046.0, 450.0, 1076.0, 540.0, 1.0]], "average_area": [54676.24856288299], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 7], [2, 6], [3, 8], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [4, 9], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 353}, {"time_since_observed": 10, "confidence": 1, "age": 258}, {"time_since_observed": 13, "confidence": 0.7981578444334019, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 2, "confidence": 0.05646494294527029, "age": 30}], "frame_count": 573, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.5724], [633.0, 449.0, 672.0, 568.0, 1.2122], [713.0, 441.0, 752.0, 560.0, 1.1944], [1045.0, 394.97, 1142.492, 689.44, 0.82447], [944.16, 429.71, 1028.902, 685.94, 0.73562], [552.72, 455.71, 582.034, 545.653, 0.35923]], "trackers": [[1675.966664066612, 371.38337634785984, 1930.703779261342, 1137.6034090645596, 0.0], [1165.3659798134095, 456.0163282519238, 1256.2116592583852, 730.560787668855, 0.0], [1177.32751012673, 426.2071983403009, 1273.5124974344749, 716.7616192547573, 0.0], [943.2063130869396, 406.63094499610725, 1033.56095482711, 679.7001619790944, 0.0], [586.1491783164153, 449.39912983818147, 617.7624059429764, 546.2470619772602, 0.0], [1048.143179457491, 414.9254697685192, 1145.5098779278237, 709.0167027237908, 0.0], [632.4337024749626, 448.65887643817547, 672.1105859466446, 569.6896135494799, 0.0], [717.5597925938188, 442.6344418997727, 753.5076776582256, 552.4947144581241, 0.0], [555.8477981211005, 460.27880990752374, 582.1725911963741, 541.2896087069918, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1798.0, 398.0, 1986.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1153.0, 583.0, 1.0], [1071.0, 446.0, 1112.0, 570.0, 1.0], [986.0, 444.0, 1023.0, 542.0, 1.0], [998.0, 448.0, 1037.0, 549.0, 1.0], [907.0, 450.0, 941.0, 549.0, 1.0], [1664.0, 404.0, 1923.0, 1114.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1020.0, 413.0, 1144.0, 699.0, 1.0], [1148.0, 431.0, 1233.0, 677.0, 1.0], [1156.0, 441.0, 1281.0, 715.0, 1.0], [959.0, 432.0, 1055.0, 676.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1234.0, 440.0, 1275.0, 555.0, 1.0], [661.0, 453.0, 699.0, 554.0, 1.0], [720.0, 448.0, 759.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [584.0, 457.0, 618.0, 540.0, 1.0], [553.0, 460.0, 580.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [446.0, 462.0, 467.0, 534.0, 1.0], [534.0, 456.0, 552.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 442.0, 604.0, 487.0, 1.0], [587.0, 452.0, 605.0, 496.0, 1.0], [565.0, 442.0, 577.0, 472.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [773.0, 451.0, 800.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1046.0, 449.0, 1076.0, 540.0, 1.0]], "average_area": [35036.24786620751], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 6], [2, 7], [3, 5], [4, 3], [5, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 354}, {"time_since_observed": 11, "confidence": 1, "age": 259}, {"time_since_observed": 14, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 31}], "frame_count": 574, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[633.0, 449.0, 672.0, 568.0, 1.4238], [1045.0, 394.97, 1142.492, 689.44, 1.1538], [712.66, 438.28, 754.531, 565.89, 1.1098], [555.37, 459.21, 582.654, 543.063, 1.102], [585.82, 449.36, 617.3100000000001, 545.83, 0.89283], [1149.9, 429.71, 1234.642, 685.94, 0.51871], [926.57, 448.86, 1000.2130000000001, 671.79, 0.40616]], "trackers": [[1681.7628736567792, 371.61694378190583, 1936.5369008522982, 1137.948003564413, 0.0], [1167.5347244855332, 457.4026415454262, 1258.3804391505653, 731.9472074007851, 0.0], [1181.1787124291511, 425.89295502987966, 1277.3636980717067, 716.447370914153, 0.0], [946.3822703046197, 421.07073363175357, 1033.3015274402428, 683.8356920400605, 0.0], [586.1178854019303, 449.3801854170497, 617.732796020717, 546.2330121276967, 0.0], [1049.6593351015665, 400.9172602094703, 1147.0175472041935, 694.9830457055201, 0.0], [631.8241153122359, 448.98370629309477, 671.0433286752572, 568.6395126603414, 0.0], [714.4107560645726, 441.543177673056, 752.4549688643746, 557.6967217746164, 0.0], [553.4636373977463, 457.0079377982519, 582.3169195652648, 545.594031369122, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1804.0, 398.0, 1991.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1154.0, 582.0, 1.0], [1071.0, 446.0, 1112.0, 570.0, 1.0], [987.0, 444.0, 1023.0, 543.0, 1.0], [998.0, 448.0, 1037.0, 549.0, 1.0], [906.0, 450.0, 940.0, 549.0, 1.0], [1665.0, 404.0, 1931.0, 1116.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [426.0, 458.0, 456.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1026.0, 413.0, 1146.0, 699.0, 1.0], [1149.0, 431.0, 1233.0, 678.0, 1.0], [1158.0, 441.0, 1283.0, 715.0, 1.0], [961.0, 432.0, 1064.0, 677.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1237.0, 440.0, 1279.0, 554.0, 1.0], [662.0, 453.0, 699.0, 554.0, 1.0], [720.0, 448.0, 760.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [585.0, 457.0, 619.0, 540.0, 1.0], [553.0, 460.0, 581.0, 540.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [446.0, 463.0, 467.0, 535.0, 1.0], [535.0, 456.0, 553.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 442.0, 605.0, 487.0, 1.0], [587.0, 451.0, 605.0, 496.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [774.0, 451.0, 801.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1045.0, 449.0, 1076.0, 540.0, 1.0]], "average_area": [34925.36041599534], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 7], [3, 8], [4, 4], [5, 1], [6, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 355}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 15, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 32}], "frame_count": 575, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[717.57, 441.39, 753.8910000000001, 552.35, 1.6946], [585.82, 449.36, 617.3100000000001, 545.83, 1.387], [633.0, 449.0, 672.0, 568.0, 1.2988], [555.37, 459.21, 582.654, 543.063, 1.0626], [1064.7, 394.97, 1162.192, 689.44, 1.0368], [926.57, 448.86, 1000.2130000000001, 671.79, 0.31028]], "trackers": [[1687.5683122497946, 371.87827099826325, 1942.360793440406, 1138.2648382819548, 0.0], [1151.28052608821, 429.475671002974, 1236.3789981059504, 686.7738213250643, 0.0], [1185.029914315275, 425.5787104619127, 1281.214899125236, 716.1331238310944, 0.0], [934.2537974373696, 438.49030985832275, 1013.1024078518811, 677.0556352720571, 0.0], [586.0863819356789, 449.36293745950553, 617.7007101525078, 546.2138801592001, 0.0], [1049.9142708502702, 395.71561130682744, 1147.270872018026, 689.77660178661, 0.0], [631.6836419584297, 449.10294447289766, 670.7275258816278, 568.231874320753, 0.0], [713.0862788606631, 439.47362263734544, 753.7712612589963, 563.5532298125631, 0.0], [555.0078591609345, 458.9201213054342, 582.9111162751828, 544.6450738874267, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1810.0, 398.0, 1995.0, 1006.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1155.0, 581.0, 1.0], [1070.0, 446.0, 1111.0, 570.0, 1.0], [988.0, 444.0, 1024.0, 543.0, 1.0], [997.0, 448.0, 1036.0, 549.0, 1.0], [905.0, 450.0, 939.0, 549.0, 1.0], [1667.0, 404.0, 1938.0, 1117.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 563.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1032.0, 413.0, 1148.0, 699.0, 1.0], [1149.0, 431.0, 1233.0, 678.0, 1.0], [1160.0, 441.0, 1285.0, 715.0, 1.0], [961.0, 432.0, 1065.0, 676.0, 1.0], [639.0, 453.0, 673.0, 561.0, 1.0], [1241.0, 440.0, 1283.0, 553.0, 1.0], [662.0, 453.0, 700.0, 555.0, 1.0], [720.0, 448.0, 760.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [585.0, 457.0, 619.0, 540.0, 1.0], [554.0, 460.0, 581.0, 541.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [445.0, 463.0, 466.0, 535.0, 1.0], [536.0, 456.0, 554.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 442.0, 605.0, 487.0, 1.0], [587.0, 451.0, 605.0, 495.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [775.0, 451.0, 802.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1045.0, 448.0, 1076.0, 540.0, 1.0]], "average_area": [34189.424989850406], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 4], [2, 6], [3, 8], [4, 5], [5, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 356}, {"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 16, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 33}], "frame_count": 576, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[718.33, 446.72, 752.152, 550.19, 1.7518], [633.0, 449.0, 672.0, 568.0, 1.3978], [1064.7, 394.97, 1162.192, 689.44, 1.35], [585.82, 449.36, 617.3100000000001, 545.83, 0.72246], [555.19, 465.47, 580.58, 543.64, 0.64612]], "trackers": [[1693.3783645921824, 372.1534758436905, 1948.1800722791415, 1138.567795370427, 0.0], [1152.2846771617342, 428.80476880519245, 1237.3552873873073, 686.0186780425806, 0.0], [1188.88111599325, 425.26446526517276, 1285.0661003869138, 715.8188773768088, 0.0], [929.6904422171034, 445.4497636611479, 1005.2343774266841, 674.0892119337436, 0.0], [586.0567025886656, 449.34742106175946, 617.6696138678625, 546.1939848297255, 0.0], [1063.74061242111, 393.87633885276455, 1161.0981754484476, 687.9402616023167, 0.0], [631.7139192333099, 449.1427843191352, 670.691417337834, 568.0722285898582, 0.0], [715.8799311113703, 440.24922072007905, 754.0342661874247, 556.7339055864642, 0.0], [555.5237323814129, 459.5566620485503, 583.0916995556838, 544.2707010299673, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1155.0, 580.0, 1.0], [1069.0, 446.0, 1110.0, 570.0, 1.0], [988.0, 444.0, 1025.0, 543.0, 1.0], [996.0, 448.0, 1036.0, 549.0, 1.0], [904.0, 450.0, 938.0, 549.0, 1.0], [1669.0, 404.0, 1945.0, 1119.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1038.0, 413.0, 1150.0, 699.0, 1.0], [1150.0, 431.0, 1234.0, 678.0, 1.0], [1162.0, 441.0, 1287.0, 715.0, 1.0], [962.0, 432.0, 1067.0, 676.0, 1.0], [638.0, 453.0, 672.0, 560.0, 1.0], [1244.0, 440.0, 1287.0, 552.0, 1.0], [663.0, 453.0, 700.0, 555.0, 1.0], [721.0, 449.0, 761.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [585.0, 457.0, 619.0, 540.0, 1.0], [554.0, 460.0, 581.0, 541.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [445.0, 463.0, 466.0, 535.0, 1.0], [537.0, 456.0, 556.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 442.0, 605.0, 486.0, 1.0], [587.0, 451.0, 605.0, 495.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 437.0, 589.0, 469.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [776.0, 451.0, 803.0, 508.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1045.0, 448.0, 1076.0, 540.0, 1.0]], "average_area": [33943.40303810555], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 5], [3, 4], [4, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 357}, {"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 17, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 34}], "frame_count": 577, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[718.33, 446.72, 752.152, 550.19, 1.8991], [1064.7, 394.97, 1162.192, 689.44, 1.1834], [633.0, 449.0, 672.0, 568.0, 1.1471], [555.37, 459.21, 582.654, 543.063, 1.0694], [585.82, 449.36, 617.3100000000001, 545.83, 0.62385]], "trackers": [[1699.190723621299, 372.43561893829855, 1953.9970444311482, 1138.8638142097182, 0.0], [1153.2818644984566, 428.11281151022854, 1238.338540405466, 685.2845898572793, 0.0], [1192.7323175671509, 424.95021975404643, 1288.917301752666, 715.5046312369095, 0.0], [930.2191228327443, 445.8618092318977, 1005.708849312418, 674.3371906728789, 0.0], [586.0294462366583, 449.3335471027609, 617.6406512423293, 546.174869118674, 0.0], [1068.598385594532, 393.31209730841147, 1165.9578429061612, 687.3817519746162, 0.0], [631.8016534937781, 449.15267136077335, 670.7545100704958, 568.0080996846523, 0.0], [717.3869810876216, 444.0711787679751, 752.9821062348202, 552.8803336764107, 0.0], [555.4932229927286, 464.0025709411494, 581.722576122151, 544.698087268406, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1156.0, 579.0, 1.0], [1069.0, 446.0, 1110.0, 570.0, 1.0], [989.0, 444.0, 1026.0, 544.0, 1.0], [996.0, 448.0, 1035.0, 549.0, 1.0], [903.0, 450.0, 937.0, 549.0, 1.0], [1670.0, 404.0, 1952.0, 1120.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 459.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 460.0, 540.0, 1.0], [1044.0, 413.0, 1151.0, 698.0, 1.0], [1151.0, 431.0, 1234.0, 678.0, 1.0], [1164.0, 440.0, 1289.0, 714.0, 1.0], [963.0, 432.0, 1068.0, 675.0, 1.0], [637.0, 453.0, 671.0, 560.0, 1.0], [1248.0, 441.0, 1292.0, 552.0, 1.0], [663.0, 453.0, 700.0, 555.0, 1.0], [721.0, 449.0, 761.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [710.0, 479.0, 729.0, 536.0, 0.0], [586.0, 457.0, 620.0, 540.0, 1.0], [555.0, 461.0, 582.0, 541.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [445.0, 464.0, 466.0, 536.0, 1.0], [538.0, 456.0, 557.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 486.0, 1.0], [587.0, 450.0, 605.0, 495.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [776.0, 451.0, 803.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 447.0, 1075.0, 539.0, 1.0]], "average_area": [33852.288748583545], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 5], [2, 6], [3, 8], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 6, "confidence": 1, "age": 358}, {"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 18, "confidence": 0.9539762107966578, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 35}], "frame_count": 578, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[721.0, 441.0, 760.0, 560.0, 1.75], [555.37, 459.21, 582.654, 543.063, 1.2632], [633.0, 449.0, 672.0, 568.0, 1.2371], [1064.7, 394.97, 1162.192, 689.44, 1.055], [585.82, 449.36, 617.3100000000001, 545.83, 1.0133]], "trackers": [[1705.0042359467975, 372.7212310161793, 1959.8128632867729, 1139.1563640657369, 0.0], [1154.2755686835933, 427.41032278692035, 1239.3252765752102, 684.5610331003223, 0.0], [1196.5835190890145, 424.63597408572684, 1292.7685031704552, 715.1903852542035, 0.0], [930.7342585673379, 446.2328601930734, 1006.1968660791994, 674.6261640215884, 0.0], [586.0046775425468, 449.32118657092946, 617.6140940310878, 546.1570238807574, 0.0], [1070.0576314259633, 393.2234155751274, 1167.4192915362592, 687.2997276330659, 0.0], [631.9041569104807, 449.1515753642155, 670.848312365121, 567.9809015009913, 0.0], [717.9824154272015, 445.6076043595331, 752.5511790784211, 551.3304917208462, 0.0], [555.658991097142, 461.3682970212063, 582.5920357421892, 544.1755341148333, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1157.0, 578.0, 1.0], [1068.0, 446.0, 1109.0, 570.0, 1.0], [990.0, 444.0, 1026.0, 544.0, 1.0], [995.0, 448.0, 1034.0, 549.0, 1.0], [903.0, 450.0, 937.0, 549.0, 1.0], [1672.0, 404.0, 1959.0, 1121.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1050.0, 413.0, 1153.0, 698.0, 1.0], [1151.0, 431.0, 1235.0, 678.0, 1.0], [1166.0, 440.0, 1291.0, 714.0, 1.0], [964.0, 433.0, 1070.0, 675.0, 1.0], [637.0, 453.0, 670.0, 560.0, 1.0], [1251.0, 441.0, 1296.0, 551.0, 1.0], [663.0, 453.0, 701.0, 556.0, 1.0], [721.0, 449.0, 761.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 729.0, 536.0, 0.0], [586.0, 457.0, 620.0, 540.0, 1.0], [555.0, 461.0, 582.0, 541.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [444.0, 464.0, 465.0, 536.0, 1.0], [539.0, 456.0, 558.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 486.0, 1.0], [587.0, 450.0, 605.0, 494.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [777.0, 451.0, 804.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 446.0, 1075.0, 539.0, 1.0]], "average_area": [33839.15035272199], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 8], [2, 6], [3, 5], [4, 4]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 7, "confidence": 1, "age": 359}, {"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 19, "confidence": 0.9084645516775721, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 36}], "frame_count": 579, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[589.31, 453.55, 616.5939999999999, 537.403, 1.4109], [718.33, 446.72, 752.152, 550.19, 1.2762], [1064.7, 414.66, 1162.192, 709.1300000000001, 1.2257], [555.37, 459.21, 582.654, 543.063, 1.1954], [633.0, 441.0, 672.0, 560.0, 0.97449], [971.35, 433.93, 1044.993, 656.86, 0.42435], [665.0, 441.0, 704.0, 560.0, 0.33452], [1202.6, 434.36, 1300.0919999999999, 728.83, 0.30564]], "trackers": [[1710.8183249087424, 373.0085775503696, 1965.6281055059512, 1139.4471794654457, 0.0], [1155.2675309719266, 426.7025673788527, 1240.313754641758, 683.8427430281248, 0.0], [1200.4347205848596, 424.32172833881066, 1296.6197046142631, 714.8761393500941, 0.0], [931.2426163876318, 446.583397282664, 1006.6916607602803, 674.9356512418829, 0.0], [585.9822717390838, 449.3102035054584, 617.5898955000547, 546.1405466480862, 0.0], [1070.251495095611, 393.30484482501925, 1167.6154305620166, 687.3880309947901, 0.0], [632.0057352956235, 449.1466960350781, 670.9472574073397, 567.9681579340978, 0.0], [720.2714532031861, 442.61015382955463, 757.8039253351106, 557.2332915322683, 0.0], [555.70062098953, 460.3309410515078, 582.8960484003188, 543.9243907359813, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1157.0, 577.0, 1.0], [1067.0, 446.0, 1108.0, 570.0, 1.0], [990.0, 443.0, 1027.0, 544.0, 1.0], [994.0, 448.0, 1034.0, 549.0, 1.0], [902.0, 450.0, 936.0, 549.0, 1.0], [1673.0, 404.0, 1967.0, 1123.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1056.0, 413.0, 1155.0, 698.0, 1.0], [1152.0, 432.0, 1235.0, 678.0, 1.0], [1168.0, 440.0, 1293.0, 714.0, 1.0], [965.0, 433.0, 1070.0, 675.0, 1.0], [636.0, 453.0, 669.0, 560.0, 1.0], [1255.0, 441.0, 1300.0, 550.0, 1.0], [664.0, 453.0, 701.0, 556.0, 1.0], [721.0, 449.0, 762.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [586.0, 457.0, 620.0, 540.0, 1.0], [556.0, 461.0, 582.0, 542.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [444.0, 464.0, 465.0, 536.0, 1.0], [540.0, 457.0, 560.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 486.0, 1.0], [587.0, 450.0, 605.0, 494.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [778.0, 451.0, 805.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 446.0, 1075.0, 539.0, 1.0]], "average_area": [33915.221658591356], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 7], [2, 5], [3, 8], [4, 6], [7, 2]], "ret_unmatched_detections": [5, 6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 3, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 8, "confidence": 1, "age": 360}, {"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.9084645516775721, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 37}], "frame_count": 580, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[971.35, 433.93, 1044.993, 656.86, 0.42435], [665.0, 441.0, 704.0, 560.0, 0.33452]]}, "detections": [[725.3, 446.72, 759.122, 550.19, 1.3113], [555.37, 459.21, 582.654, 543.063, 1.1258], [633.0, 441.0, 672.0, 560.0, 1.0879], [589.1, 449.65, 618.414, 539.593, 0.95983], [986.28, 433.93, 1059.923, 656.86, 0.78578], [1064.7, 394.97, 1162.192, 689.44, 0.74173]], "trackers": [[1716.6327021859743, 373.2967913038833, 1971.4430594098426, 1139.7371276458314, 0.0], [1156.2586222315783, 425.99217838567733, 1241.3031037369872, 683.1270865410349, 0.0], [1206.5662839411577, 434.5115116634655, 1304.0206389605908, 728.8693143116619, 0.0], [931.7475838803232, 446.9236732886836, 1007.1898457689638, 675.2553995457483, 0.0], [588.2415699447936, 451.6628052657365, 617.2631430606718, 540.746802526226, 0.0], [1069.9947735164503, 407.4573763981562, 1167.3609689222124, 701.5473891836002, 0.0], [632.1009909533784, 443.44565896285224, 671.0421759461769, 562.266157463183, 0.0], [719.0194641996814, 444.9855352915311, 754.3576541672908, 553.0226112618701, 0.0], [555.6945582701724, 459.9019327700544, 582.9881347252312, 543.7892184174876, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1158.0, 576.0, 1.0], [1067.0, 446.0, 1108.0, 570.0, 1.0], [991.0, 443.0, 1028.0, 545.0, 1.0], [994.0, 448.0, 1033.0, 549.0, 1.0], [901.0, 450.0, 935.0, 549.0, 1.0], [1675.0, 404.0, 1974.0, 1124.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 429.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1062.0, 413.0, 1157.0, 698.0, 1.0], [1153.0, 432.0, 1236.0, 678.0, 1.0], [1171.0, 440.0, 1295.0, 714.0, 1.0], [966.0, 433.0, 1071.0, 675.0, 1.0], [635.0, 453.0, 668.0, 560.0, 1.0], [1258.0, 441.0, 1304.0, 549.0, 1.0], [664.0, 453.0, 701.0, 556.0, 1.0], [721.0, 449.0, 762.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 621.0, 541.0, 1.0], [556.0, 461.0, 583.0, 542.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [541.0, 457.0, 561.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 486.0, 1.0], [587.0, 449.0, 605.0, 493.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [778.0, 451.0, 805.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 445.0, 1075.0, 539.0, 1.0]], "average_area": [33892.37396558046], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 8], [2, 6], [3, 4], [5, 5], [4, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 9, "confidence": 1, "age": 361}, {"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 38}], "frame_count": 581, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[633.0, 441.0, 672.0, 560.0, 1.213], [721.23, 438.28, 763.101, 565.89, 0.95], [1056.6, 381.02, 1161.1599999999999, 696.7, 0.94388], [589.1, 449.65, 618.414, 539.593, 0.92287], [986.28, 433.93, 1059.923, 656.86, 0.88038], [555.37, 459.21, 582.654, 543.063, 0.87908], [661.21, 438.28, 703.081, 565.89, 0.36835]], "trackers": [[1722.4472236201157, 373.5854386648509, 1977.2578691568244, 1140.026642218763, 0.0], [1157.2492779568163, 425.28047253925604, 1242.2928883666302, 682.412746907191, 0.0], [1210.541075074168, 434.72682480241536, 1308.001245336815, 729.1021922091488, 0.0], [985.1748323290452, 434.33719468069535, 1059.0565962619733, 657.9833216722491, 0.0], [589.0500511459929, 450.1527041407161, 618.294958018341, 539.8984229817214, 0.0], [1069.5967656314483, 398.78498265630503, 1166.9651739556944, 692.8816796776294, 0.0], [632.1884209551425, 441.32750211165103, 671.13012555429, 560.1496109988087, 0.0], [723.5180765785959, 445.94986317088086, 757.9818742089527, 551.3567010307895, 0.0], [555.6719538849096, 459.70816867894024, 583.0016517757487, 543.7034702498802, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1117.0, 429.0, 1159.0, 575.0, 1.0], [1066.0, 445.0, 1107.0, 569.0, 1.0], [992.0, 443.0, 1028.0, 545.0, 1.0], [993.0, 448.0, 1033.0, 549.0, 1.0], [900.0, 450.0, 934.0, 549.0, 1.0], [1676.0, 404.0, 1981.0, 1126.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1068.0, 413.0, 1158.0, 697.0, 1.0], [1153.0, 432.0, 1236.0, 678.0, 1.0], [1179.0, 440.0, 1298.0, 714.0, 1.0], [967.0, 433.0, 1071.0, 675.0, 1.0], [635.0, 453.0, 668.0, 560.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 450.0, 763.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 541.0, 1.0], [557.0, 461.0, 583.0, 542.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [542.0, 457.0, 562.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 486.0, 1.0], [587.0, 449.0, 605.0, 493.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [779.0, 451.0, 806.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 445.0, 1075.0, 539.0, 1.0]], "average_area": [33799.3147419322], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 7], [2, 5], [3, 4], [4, 3], [5, 8]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 10, "confidence": 1, "age": 362}, {"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 2, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 39}], "frame_count": 582, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[661.21, 438.28, 703.081, 565.89, 0.36835]]}, "detections": [[725.3, 446.72, 759.122, 550.19, 1.5861], [633.0, 449.0, 672.0, 568.0, 1.4287], [589.1, 449.65, 618.414, 539.593, 1.1082], [986.28, 433.93, 1059.923, 656.86, 0.78116], [1064.7, 414.66, 1162.192, 709.1300000000001, 0.72874], [560.47, 460.19, 585.86, 538.36, 0.52436], [1214.0, 442.1, 1304.896, 716.79, 0.39882]], "trackers": [[1728.2618171325284, 373.87430282899356, 1983.0726068255349, 1140.3159399885199, 0.0], [1158.2397159098284, 424.5681082510374, 1243.282890768499, 681.6990657151445, 0.0], [1214.5173200830393, 434.9465293275034, 1311.980397837178, 729.3306787204976, 0.0], [990.2071370636073, 433.28539787321483, 1063.9087174760457, 656.3904014028826, 0.0], [589.3322180940219, 449.59496477536777, 618.6613746384365, 539.5901050989559, 0.0], [1063.6463476431784, 386.34459119404045, 1165.5695475997484, 694.1153320105029, 0.0], [632.2679641530486, 440.5774084769579, 671.2104963170665, 559.4020520171242, 0.0], [722.5070105435577, 440.9650272903672, 761.9191008717373, 561.2430409742691, 0.0], [555.6448941685647, 459.607273331002, 582.9871927241978, 543.6401540058177, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1066.0, 445.0, 1107.0, 569.0, 1.0], [992.0, 443.0, 1029.0, 545.0, 1.0], [993.0, 448.0, 1032.0, 549.0, 1.0], [899.0, 450.0, 933.0, 549.0, 1.0], [1678.0, 404.0, 1988.0, 1127.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1074.0, 413.0, 1160.0, 697.0, 1.0], [1154.0, 432.0, 1237.0, 678.0, 1.0], [1188.0, 440.0, 1301.0, 714.0, 1.0], [968.0, 434.0, 1072.0, 675.0, 1.0], [634.0, 453.0, 667.0, 559.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 449.0, 763.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 541.0, 1.0], [557.0, 461.0, 583.0, 542.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [543.0, 457.0, 564.0, 513.0, 1.0], [544.0, 460.0, 569.0, 534.0, 1.0], [586.0, 441.0, 605.0, 485.0, 1.0], [587.0, 449.0, 605.0, 492.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 436.0, 589.0, 468.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [780.0, 451.0, 807.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [34219.273473978035], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 6], [2, 4], [3, 3], [4, 5], [5, 8], [6, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 11, "confidence": 1, "age": 363}, {"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 40}], "frame_count": 583, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.328], [721.0, 441.0, 760.0, 560.0, 1.1492], [1064.7, 394.97, 1162.192, 689.44, 0.89522], [625.0, 449.0, 664.0, 568.0, 0.85248], [557.48, 463.91, 581.1030000000001, 536.779, 0.7173], [986.28, 448.86, 1059.923, 671.79, 0.51318], [1222.3, 434.36, 1319.792, 728.83, 0.4965]], "trackers": [[1734.0764466840308, 374.16327539458564, 1988.8873084551558, 1140.605129356827, 0.0], [1159.230044975473, 423.85541473812646, 1244.2730020577355, 680.9857137477902, 0.0], [1217.6704388821577, 440.65030546730907, 1309.8377839820846, 719.1533665137998, 0.0], [991.681395859922, 432.9756294490562, 1065.3215952171013, 655.8962727819048, 0.0], [589.414875948438, 449.39980457089086, 618.7755391599652, 539.4881345026592, 0.0], [1066.678964766767, 404.9025492314261, 1165.813743645926, 704.3034623978774, 0.0], [632.340063997229, 446.0412660046387, 671.2835230124128, 564.8687412652044, 0.0], [724.6977732281056, 444.252133058451, 760.8029592301328, 554.6041254214937, 0.0], [559.1775084766433, 460.0259049371008, 585.3190944799782, 540.4558322602472, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1065.0, 445.0, 1106.0, 569.0, 1.0], [993.0, 443.0, 1030.0, 545.0, 1.0], [992.0, 448.0, 1031.0, 549.0, 1.0], [899.0, 451.0, 933.0, 549.0, 1.0], [1680.0, 404.0, 1996.0, 1129.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1080.0, 413.0, 1162.0, 697.0, 1.0], [1155.0, 432.0, 1237.0, 678.0, 1.0], [1197.0, 440.0, 1304.0, 714.0, 1.0], [971.0, 433.0, 1073.0, 674.0, 1.0], [633.0, 453.0, 666.0, 559.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 449.0, 763.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 541.0, 1.0], [558.0, 462.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [544.0, 457.0, 565.0, 513.0, 1.0], [545.0, 460.0, 570.0, 534.0, 1.0], [586.0, 441.0, 605.0, 485.0, 1.0], [587.0, 448.0, 605.0, 492.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [780.0, 451.0, 807.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33587.79256288052], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 7], [2, 5], [3, 6], [4, 8], [5, 3], [6, 2]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 12, "confidence": 1, "age": 364}, {"time_since_observed": 9, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 41}], "frame_count": 584, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[625.0, 449.0, 664.0, 568.0, 1.4702], [725.3, 446.72, 759.122, 550.19, 1.3368], [585.82, 449.36, 617.3100000000001, 545.83, 1.2924], [1222.3, 434.36, 1319.792, 728.83, 1.0005], [1064.7, 414.66, 1162.192, 709.1300000000001, 0.86462], [1003.9, 446.72, 1072.5439999999999, 654.6500000000001, 0.73663], [555.37, 459.21, 582.654, 543.063, 0.45642]], "trackers": [[1739.8910942550667, 374.45230216086804, 1994.701992065243, 1140.8942645244438, 0.0], [1160.2203195971201, 423.1425566119208, 1245.2631677909694, 680.2725263937307, 0.0], [1225.0476917881972, 436.74711460273295, 1320.6777863079103, 725.6362932085211, 0.0], [991.8881261007668, 443.554803812263, 1065.5053924191193, 666.4065686051896, 0.0], [587.1674769739191, 449.3699157609705, 617.9304942715364, 543.6694016960425, 0.0], [1067.624671206498, 397.9306653283112, 1165.6752404420354, 694.0760764831872, 0.0], [626.710238731563, 448.11578270607976, 665.6546450226705, 566.9461497615576, 0.0], [722.6537401773617, 442.13197722162124, 760.7202766587181, 558.358096222367, 0.0], [558.2831428841545, 462.6284923568187, 582.8398391507959, 538.3028571341661, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1064.0, 445.0, 1105.0, 569.0, 1.0], [993.0, 443.0, 1031.0, 546.0, 1.0], [991.0, 448.0, 1031.0, 549.0, 1.0], [898.0, 451.0, 932.0, 549.0, 1.0], [1682.0, 406.0, 1998.0, 1125.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [416.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1086.0, 413.0, 1164.0, 697.0, 1.0], [1156.0, 433.0, 1238.0, 679.0, 1.0], [1206.0, 441.0, 1307.0, 714.0, 1.0], [975.0, 433.0, 1074.0, 673.0, 1.0], [633.0, 453.0, 665.0, 558.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 449.0, 763.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 542.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 457.0, 566.0, 513.0, 1.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 441.0, 605.0, 485.0, 1.0], [587.0, 448.0, 605.0, 492.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [781.0, 452.0, 808.0, 507.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33782.84953901565], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 7], [2, 4], [3, 2], [4, 5], [5, 3], [6, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 13, "confidence": 1, "age": 365}, {"time_since_observed": 10, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 42}], "frame_count": 585, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[725.3, 446.72, 759.122, 550.19, 1.7639], [585.82, 449.36, 617.3100000000001, 545.83, 1.6836], [1085.4, 405.34, 1176.296, 680.03, 1.2591], [634.76, 453.69, 668.582, 557.16, 0.92534], [1222.3, 434.36, 1319.792, 728.83, 0.92328], [1001.2, 433.93, 1074.843, 656.86, 0.59403], [661.21, 438.28, 703.081, 565.89, 0.55624]], "trackers": [[1745.7057508358664, 374.741356027487, 2000.5166666655666, 1141.1833725917243, 0.0], [1161.21056699669, 422.42961617883066, 1246.2533607462806, 679.5594213465556, 0.0], [1227.3206891039436, 435.4311652408042, 1324.1172311384935, 727.8170268679294, 0.0], [1003.9491719931394, 445.32801923871756, 1074.4555648613314, 658.8471622437368, 0.0], [586.3135919151189, 449.3763948496949, 617.5952935382004, 545.2302483172377, 0.0], [1067.7839630342653, 409.364164127696, 1165.4185848059817, 704.2604883604171, 0.0], [624.6571343711586, 448.89184600091124, 663.6024790191285, 567.7250767783622, 0.0], [724.6918305718546, 444.75262797063925, 760.2403920959355, 553.4228352816938, 0.0], [556.5450347184791, 460.62213031004393, 582.8595952164713, 541.5787857513537, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1064.0, 445.0, 1105.0, 569.0, 1.0], [994.0, 443.0, 1031.0, 546.0, 1.0], [991.0, 448.0, 1030.0, 549.0, 1.0], [897.0, 451.0, 931.0, 549.0, 1.0], [1684.0, 408.0, 2001.0, 1122.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 458.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 457.0, 461.0, 540.0, 1.0], [1087.0, 413.0, 1171.0, 697.0, 1.0], [1162.0, 432.0, 1242.0, 678.0, 1.0], [1215.0, 441.0, 1310.0, 714.0, 1.0], [978.0, 433.0, 1075.0, 673.0, 1.0], [632.0, 453.0, 665.0, 558.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 449.0, 764.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 542.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 605.0, 485.0, 1.0], [587.0, 448.0, 605.0, 491.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [782.0, 452.0, 809.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33659.24514374207], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 4], [2, 5], [3, 6], [4, 2], [5, 3]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [8], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 14, "confidence": 1, "age": 366}, {"time_since_observed": 11, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 1, "confidence": 0.2658236378313566, "age": 43}], "frame_count": 586, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[661.21, 438.28, 703.081, 565.89, 0.55624]]}, "detections": [[725.03, 441.39, 761.351, 552.35, 1.717], [1222.3, 434.36, 1319.792, 728.83, 1.4046], [625.0, 449.0, 664.0, 568.0, 1.3449], [585.82, 449.36, 617.3100000000001, 545.83, 1.3412], [1085.4, 405.34, 1176.296, 680.03, 1.2193], [560.47, 460.19, 585.86, 538.36, 0.69505], [1001.2, 433.93, 1074.843, 656.86, 0.33137]], "trackers": [[1751.5204119215473, 375.03042344427195, 2006.331336761009, 1141.4724671088386, 0.0], [1162.2008007852019, 421.71663459223913, 1247.2435673126497, 678.8463574528819, 0.0], [1227.7987444250507, 434.9246333215932, 1325.0308613289658, 728.6159752108591, 0.0], [1006.4282112188246, 437.577448245712, 1078.8648230115002, 656.8885333683052, 0.0], [585.9868420824414, 449.37364105158935, 617.463517805367, 545.8112679768715, 0.0], [1082.1152825673162, 406.1740322997241, 1175.4581456965388, 688.2008118663164, 0.0], [630.6749307079725, 451.78834318157885, 666.4135105961717, 561.0126786742621, 0.0], [725.4516647723829, 445.83141464774656, 759.9912341638665, 551.4662757152205, 0.0], [556.6908007397343, 460.7975251431261, 583.0192188852797, 541.7968135897743, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1063.0, 445.0, 1104.0, 569.0, 1.0], [995.0, 443.0, 1032.0, 546.0, 1.0], [990.0, 448.0, 1030.0, 549.0, 1.0], [896.0, 451.0, 931.0, 549.0, 1.0], [1686.0, 410.0, 2004.0, 1118.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 461.0, 540.0, 1.0], [1088.0, 413.0, 1179.0, 697.0, 1.0], [1168.0, 432.0, 1246.0, 678.0, 1.0], [1224.0, 441.0, 1313.0, 714.0, 1.0], [982.0, 433.0, 1076.0, 672.0, 1.0], [631.0, 453.0, 664.0, 558.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 449.0, 764.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 542.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 605.0, 485.0, 1.0], [587.0, 447.0, 605.0, 491.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [783.0, 452.0, 809.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33405.84701968353], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 2], [2, 6], [3, 4], [4, 5], [5, 8], [6, 3]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 367}, {"time_since_observed": 12, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 44}], "frame_count": 587, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[725.03, 441.39, 761.351, 552.35, 1.8361], [1232.4, 442.1, 1323.296, 716.79, 1.5635], [625.0, 449.0, 664.0, 568.0, 1.2693], [585.82, 449.36, 617.3100000000001, 545.83, 1.2225], [1085.4, 405.34, 1176.296, 680.03, 1.0031], [560.47, 460.19, 585.86, 538.36, 0.55758], [549.75, 429.71, 591.621, 557.3199999999999, 0.42543], [1016.1, 433.93, 1089.743, 656.86, 0.37887]], "trackers": [[1757.3350752596687, 375.31949763613943, 2012.1460046040108, 1141.7615548508704, 0.0], [1163.1910277681795, 421.003632428882, 1248.233780684553, 678.1333141359739, 0.0], [1227.6235047118903, 434.7161900997344, 1325.0211078913294, 728.9034814244667, 0.0], [1006.9872156473169, 434.6984522278122, 1080.1481384845752, 656.1818628767608, 0.0], [585.8612357243111, 449.36457702738625, 617.4111323655219, 546.0213045386554, 0.0], [1087.309396007172, 405.1013864832105, 1178.9641882865485, 682.0628313506518, 0.0], [626.2785412551705, 450.23590222300834, 664.0322701711182, 565.5040623244644, 0.0], [725.6051379084171, 442.7345811994864, 761.3494222639669, 551.9789816706174, 0.0], [559.9586292985487, 460.34401401780025, 585.5960518216177, 539.2596449807961, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1062.0, 445.0, 1103.0, 569.0, 1.0], [995.0, 443.0, 1033.0, 547.0, 1.0], [989.0, 448.0, 1029.0, 549.0, 1.0], [898.0, 449.0, 933.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [427.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 461.0, 540.0, 1.0], [1089.0, 413.0, 1187.0, 697.0, 1.0], [1174.0, 432.0, 1250.0, 677.0, 1.0], [1233.0, 442.0, 1317.0, 714.0, 1.0], [986.0, 433.0, 1077.0, 672.0, 1.0], [631.0, 453.0, 663.0, 557.0, 1.0], [665.0, 454.0, 702.0, 557.0, 1.0], [722.0, 448.0, 764.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 543.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 485.0, 1.0], [587.0, 447.0, 605.0, 490.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [783.0, 452.0, 810.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33415.123252590274], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 2], [2, 6], [3, 4], [4, 5], [5, 8], [7, 3]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 368}, {"time_since_observed": 13, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 45}], "frame_count": 588, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[549.75, 429.71, 591.621, 557.3199999999999, 0.42543]]}, "detections": [[721.23, 438.28, 763.101, 565.89, 1.8465], [585.82, 449.36, 617.3100000000001, 545.83, 1.5789], [1085.4, 423.72, 1176.296, 698.4100000000001, 1.5448], [1232.4, 442.1, 1323.296, 716.79, 1.261], [625.0, 449.0, 664.0, 568.0, 1.151], [555.37, 459.21, 582.654, 543.063, 0.51894], [549.75, 429.71, 591.621, 557.3199999999999, 0.32455]], "trackers": [[1763.14973972401, 375.60857521554806, 2017.9606713207927, 1142.0506392053612, 0.0], [1164.1812513483892, 420.29061997713836, 1249.2239974592244, 677.4202811074523, 0.0], [1234.1549899593497, 439.2151767991311, 1327.5242642314074, 721.3242702278906, 0.0], [1017.4534659341475, 433.66146589620973, 1090.8894501218451, 655.9696782352675, 0.0], [585.8126568669982, 449.3533147315173, 617.3895569059339, 546.0907701507795, 0.0], [1089.0090407048692, 404.7725134807381, 1180.014053198618, 679.7837427323002, 0.0], [624.6923113598453, 449.67069132486915, 663.1892759653186, 567.1633865221663, 0.0], [725.626516162457, 441.5873402727734, 761.8188380744704, 552.1721161757416, 0.0], [560.6978829220411, 460.27153351692573, 586.1698374058055, 538.6879691125774, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1062.0, 445.0, 1103.0, 569.0, 1.0], [996.0, 443.0, 1034.0, 547.0, 1.0], [989.0, 448.0, 1028.0, 549.0, 1.0], [900.0, 448.0, 936.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 461.0, 540.0, 1.0], [1090.0, 414.0, 1195.0, 697.0, 1.0], [1180.0, 432.0, 1254.0, 677.0, 1.0], [1236.0, 442.0, 1320.0, 714.0, 1.0], [992.0, 433.0, 1081.0, 672.0, 1.0], [630.0, 453.0, 662.0, 557.0, 1.0], [665.0, 454.0, 702.0, 558.0, 1.0], [722.0, 448.0, 765.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 543.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 484.0, 1.0], [587.0, 447.0, 605.0, 490.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 435.0, 589.0, 467.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [784.0, 452.0, 811.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33159.49929365327], "iou_threshold": 0.3, "ret_matches": [[0, 7], [1, 4], [2, 5], [3, 2], [4, 6], [5, 8]], "ret_unmatched_detections": [6], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 17, "confidence": 1, "age": 369}, {"time_since_observed": 14, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 1, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 46}], "frame_count": 589, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[549.75, 429.71, 591.621, 557.3199999999999, 0.32455]]}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.8489], [725.3, 446.72, 759.122, 550.19, 1.5277], [1232.4, 442.1, 1323.296, 716.79, 1.3965], [1016.1, 433.93, 1089.743, 656.86, 1.1859], [1084.4, 414.66, 1181.892, 709.1300000000001, 1.0387], [628.0, 448.86, 664.321, 559.82, 0.85853], [560.47, 460.19, 585.86, 538.36, 0.70786]], "trackers": [[1768.9644047514616, 375.8976544887272, 2023.7753374744643, 1142.3397218660812, 0.0], [1165.1714732272142, 419.57760238120056, 1250.2142159352804, 676.7072532231249, 0.0], [1236.3240999225284, 441.0092754653683, 1328.1093892746942, 718.3659996416545, 0.0], [1021.954544428156, 433.08539770735285, 1095.3779594858847, 655.3555602967555, 0.0], [585.7936528065305, 449.34189972687517, 617.3799616454563, 546.1074153127829, 0.0], [1089.3935087566272, 417.79819801188853, 1180.1521023765215, 692.0698252514143, 0.0], [624.1633925170241, 449.4456316880103, 662.9410782183551, 567.7779049101113, 0.0], [723.0577876988038, 439.44636472478055, 763.0358172244974, 561.4058160255022, 0.0], [557.3527087054692, 459.7193768857559, 583.9988934964549, 541.6647316586908, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 569.0, 1.0], [997.0, 443.0, 1034.0, 547.0, 1.0], [988.0, 448.0, 1028.0, 549.0, 1.0], [902.0, 447.0, 939.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1091.0, 414.0, 1196.0, 697.0, 1.0], [1187.0, 432.0, 1259.0, 677.0, 1.0], [1239.0, 442.0, 1323.0, 714.0, 1.0], [998.0, 433.0, 1085.0, 672.0, 1.0], [630.0, 453.0, 662.0, 557.0, 1.0], [665.0, 454.0, 702.0, 558.0, 1.0], [722.0, 448.0, 765.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 543.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 484.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [565.0, 441.0, 577.0, 471.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [785.0, 452.0, 811.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33170.97603550434], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 7], [2, 2], [3, 3], [4, 5], [5, 6], [6, 8]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 1], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 15, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 47}], "frame_count": 590, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 1.7483], [721.23, 438.28, 763.101, 565.89, 1.7083], [628.0, 448.86, 664.321, 559.82, 1.3328], [1232.4, 442.1, 1323.296, 716.79, 1.2583], [1016.1, 433.93, 1089.743, 656.86, 1.111], [1084.4, 414.66, 1181.892, 709.1300000000001, 0.92228], [560.47, 460.19, 585.86, 538.36, 0.35946]], "trackers": [[1166.1616942553471, 418.86458221316536, 1251.2044352620285, 675.9942279108949, 0.0], [1236.84088267892, 441.71106788835607, 1328.0146127704447, 717.232509220738, 0.0], [1021.5668400290564, 433.24919827076263, 1095.1394707067716, 655.9675308523879, 0.0], [585.7860493016952, 449.3311594445241, 617.3750711987165, 546.1046946467031, 0.0], [1088.8125028390605, 416.9124677303939, 1183.7238420833169, 703.6434338593708, 0.0], [626.0539451079442, 448.90884426219213, 663.256677311766, 562.5138005907818, 0.0], [724.6260974841789, 443.65375251695696, 760.9593649614551, 554.686938353516, 0.0], [559.6522439470747, 460.0075654872162, 585.5196509326494, 539.6132269110949, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 569.0, 1.0], [997.0, 443.0, 1035.0, 548.0, 1.0], [987.0, 448.0, 1027.0, 549.0, 1.0], [904.0, 446.0, 941.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1093.0, 415.0, 1198.0, 698.0, 1.0], [1188.0, 432.0, 1262.0, 677.0, 1.0], [1243.0, 442.0, 1327.0, 715.0, 1.0], [1004.0, 434.0, 1089.0, 672.0, 1.0], [629.0, 453.0, 662.0, 556.0, 1.0], [665.0, 454.0, 702.0, 558.0, 1.0], [722.0, 448.0, 765.0, 551.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [587.0, 457.0, 620.0, 544.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 484.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 441.0, 578.0, 471.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [785.0, 452.0, 812.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [33251.32516876113], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 6], [2, 5], [3, 1], [4, 2], [5, 4], [6, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 16, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 48}], "frame_count": 591, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[585.82, 449.36, 617.3100000000001, 545.83, 2.0298], [721.0, 441.0, 760.0, 560.0, 1.5564], [628.0, 448.86, 664.321, 559.82, 1.2124], [1242.0, 434.36, 1339.492, 728.83, 1.1715], [1104.1, 394.97, 1201.5919999999999, 689.44, 1.1703], [555.37, 459.21, 582.654, 543.063, 0.6371], [1017.8, 460.65, 1086.444, 668.5799999999999, 0.49689], [1180.4, 433.93, 1254.0430000000001, 656.86, 0.35168]], "trackers": [[1167.1519148581338, 418.1515607590816, 1252.1946550141229, 675.2812038847135, 0.0], [1236.7546859112117, 441.98599816999905, 1327.694386414807, 716.8050653087078, 0.0], [1021.7065242969894, 433.2537248109551, 1095.313530132147, 656.0752611464897, 0.0], [585.7828774887892, 449.321370556164, 617.3720740277331, 546.0953292767966, 0.0], [1088.3773234212301, 416.5529477517866, 1184.8290332018084, 707.9024301371312, 0.0], [626.8341714000654, 448.7495914906255, 663.4193783614161, 560.4984337852118, 0.0], [722.6275770806704, 440.2281151892535, 762.64822708333, 562.3250326060062, 0.0], [560.5000689390405, 460.12555458382235, 586.0648489063138, 538.8207628680578, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 568.0, 1.0], [998.0, 443.0, 1036.0, 548.0, 1.0], [987.0, 448.0, 1027.0, 549.0, 1.0], [906.0, 445.0, 944.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1094.0, 415.0, 1199.0, 698.0, 1.0], [1189.0, 432.0, 1265.0, 677.0, 1.0], [1244.0, 441.0, 1331.0, 715.0, 1.0], [1009.0, 434.0, 1093.0, 672.0, 1.0], [629.0, 453.0, 662.0, 556.0, 1.0], [665.0, 455.0, 703.0, 558.0, 1.0], [723.0, 448.0, 766.0, 552.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [586.0, 457.0, 619.0, 543.0, 1.0], [557.0, 461.0, 584.0, 543.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 484.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [786.0, 452.0, 813.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1044.0, 445.0, 1075.0, 542.0, 1.0]], "average_area": [13175.618092191198], "iou_threshold": 0.3, "ret_matches": [[0, 3], [1, 6], [2, 5], [3, 1], [4, 4], [5, 7], [6, 2], [7, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 49}], "frame_count": 592, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1104.1, 394.97, 1201.5919999999999, 689.44, 1.6905], [628.0, 448.86, 664.321, 559.82, 1.4499], [729.0, 441.0, 768.0, 560.0, 1.3223], [589.1, 455.71, 618.414, 545.653, 1.2504], [1016.1, 433.93, 1089.743, 656.86, 0.7426], [1242.0, 434.36, 1339.492, 728.83, 0.73211]], "trackers": [[1181.428914699291, 432.5123522194152, 1255.5122190335496, 656.7609754604624, 0.0], [1243.5764472293163, 437.33395423134925, 1338.6253557638452, 724.4805771995002, 0.0], [1022.4847311499741, 451.6726844602717, 1092.9917835190215, 665.1944083482986, 0.0], [585.7814607621963, 449.31258152330605, 617.369880099104, 546.0841166861286, 0.0], [1102.0226013182148, 402.319357845469, 1199.0571789305734, 695.4160465340819, 0.0], [627.1773338889838, 448.71235415412826, 663.5252262096211, 559.7475623926035, 0.0], [721.613096087541, 440.64402907746154, 761.1283026015349, 561.2095165703971, 0.0], [557.2235258203419, 459.6555210510754, 583.8975326316407, 541.6839523800783, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 568.0, 1.0], [998.0, 443.0, 1037.0, 548.0, 1.0], [986.0, 448.0, 1026.0, 549.0, 1.0], [908.0, 444.0, 947.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 457.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1096.0, 416.0, 1201.0, 699.0, 1.0], [1190.0, 432.0, 1268.0, 677.0, 1.0], [1245.0, 441.0, 1336.0, 715.0, 1.0], [1015.0, 434.0, 1097.0, 672.0, 1.0], [629.0, 453.0, 662.0, 556.0, 1.0], [665.0, 455.0, 703.0, 558.0, 1.0], [723.0, 448.0, 765.0, 552.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [586.0, 457.0, 619.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 440.0, 606.0, 484.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [787.0, 453.0, 813.0, 506.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1043.0, 445.0, 1075.0, 542.0, 1.0]], "average_area": [12680.788194671422], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 6], [3, 3], [4, 2], [5, 1]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0, 7], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 1, "confidence": 0.8454783584238151, "age": 50}], "frame_count": 593, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1104.1, 394.97, 1201.5919999999999, 689.44, 1.7755], [628.0, 448.86, 664.321, 559.82, 1.4052], [585.82, 449.36, 617.3100000000001, 545.83, 1.3137], [729.0, 441.0, 768.0, 560.0, 1.036], [1250.8, 442.1, 1341.696, 716.79, 0.88626], [1016.1, 433.93, 1089.743, 656.86, 0.85764], [555.37, 459.21, 582.654, 543.063, 0.39963]], "trackers": [[1182.8141141991036, 431.8158753281506, 1256.843896060575, 655.9024871559269, 0.0], [1245.8662090988182, 435.61386429178356, 1342.4391965265509, 727.3297084450746, 0.0], [1021.4941456860599, 440.1725045409646, 1093.9463713122948, 659.5310654399509, 0.0], [588.0175219240523, 453.5295093952024, 618.2522080083631, 546.2425310102127, 0.0], [1106.8835203740393, 396.95695673912803, 1204.1407310821867, 690.7209686636999, 0.0], [627.3478437291802, 448.71720250317793, 663.6058745435392, 559.4821855961175, 0.0], [726.9155783851202, 440.7958568604834, 766.2338910464507, 560.7646279752308, 0.0], [557.2852936560669, 459.75091738400494, 583.9690750444192, 541.8094076849607, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 568.0, 1.0], [999.0, 443.0, 1037.0, 548.0, 1.0], [986.0, 448.0, 1026.0, 549.0, 1.0], [911.0, 443.0, 950.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1097.0, 416.0, 1201.0, 698.0, 1.0], [1191.0, 432.0, 1271.0, 677.0, 1.0], [1246.0, 441.0, 1340.0, 715.0, 1.0], [1021.0, 434.0, 1101.0, 672.0, 1.0], [629.0, 454.0, 662.0, 555.0, 1.0], [665.0, 455.0, 703.0, 558.0, 1.0], [723.0, 448.0, 765.0, 553.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [586.0, 457.0, 619.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 484.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [788.0, 453.0, 814.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1043.0, 445.0, 1075.0, 542.0, 1.0]], "average_area": [12868.813454777326], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 5], [2, 3], [3, 6], [4, 1], [5, 2], [6, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 51}], "frame_count": 594, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[1104.1, 394.97, 1201.5919999999999, 689.44, 1.6566], [585.82, 449.36, 617.3100000000001, 545.83, 1.2311], [628.0, 448.86, 664.321, 559.82, 1.1467], [721.0, 441.0, 760.0, 560.0, 1.0276], [1250.8, 442.1, 1341.696, 716.79, 0.60986], [1017.8, 460.65, 1086.444, 668.5799999999999, 0.59138], [555.19, 465.47, 580.58, 543.64, 0.48536], [708.37, 476.87, 728.805, 540.176, 0.32588]], "trackers": [[1184.1859403388403, 431.0789175537499, 1258.1889464476762, 655.0844797345275, 0.0], [1252.4089750774867, 439.57401070465596, 1345.453194307074, 720.708071963823, 0.0], [1020.8414421646568, 435.8415112981074, 1094.0224520771744, 657.3858092702383, 0.0], [586.613998518986, 450.87612947543084, 617.6902892420013, 546.113525446829, 0.0], [1108.4090438598935, 394.9869870031372, 1205.7520695377873, 689.0082335266605, 0.0], [627.4483145972789, 448.7361069442992, 663.6731067877785, 559.401183600289, 0.0], [728.8737146054699, 440.84609416192336, 768.1144425885469, 560.5796736781234, 0.0], [555.7698563012794, 459.4685676782316, 582.9149951798416, 542.9088992845069, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1102.0, 568.0, 1.0], [1000.0, 443.0, 1038.0, 549.0, 1.0], [985.0, 448.0, 1025.0, 549.0, 1.0], [913.0, 441.0, 952.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1099.0, 416.0, 1201.0, 698.0, 1.0], [1193.0, 432.0, 1275.0, 678.0, 1.0], [1247.0, 441.0, 1345.0, 715.0, 1.0], [1027.0, 434.0, 1105.0, 672.0, 1.0], [629.0, 454.0, 662.0, 555.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [723.0, 448.0, 765.0, 554.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [585.0, 457.0, 619.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 434.0, 589.0, 466.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [788.0, 453.0, 815.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1043.0, 445.0, 1075.0, 542.0, 1.0]], "average_area": [12687.576756825665], "iou_threshold": 0.3, "ret_matches": [[0, 4], [1, 3], [2, 5], [3, 6], [4, 1], [5, 2], [6, 7]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 52}], "frame_count": 595, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[708.37, 476.87, 728.805, 540.176, 0.32588]]}, "detections": [[725.3, 446.72, 759.122, 550.19, 1.369], [1122.1, 405.34, 1212.9959999999999, 680.03, 1.352], [625.0, 449.0, 664.0, 568.0, 1.2883], [585.82, 449.36, 617.3100000000001, 545.83, 0.95177], [1250.8, 442.1, 1341.696, 716.79, 0.7853], [1031.7, 446.72, 1100.344, 654.6500000000001, 0.69282], [555.37, 464.86, 582.654, 548.713, 0.39309]], "trackers": [[1185.5510743572465, 430.32170286710084, 1259.540688956108, 654.2867292253763, 0.0], [1254.5961634640632, 441.1457113271549, 1346.257768585988, 718.1313588208664, 0.0], [1021.32194479169, 452.57835604049666, 1091.6714114514161, 665.627090680601, 0.0], [586.0809163258971, 449.86863325524445, 617.4721382115717, 546.0494491543287, 0.0], [1108.6870478981082, 394.30975757657694, 1206.063728972652, 688.4319069910111, 0.0], [627.5185425660173, 448.7587134157136, 663.7317417497937, 559.3889981174335, 0.0], [723.8609217506697, 440.85832265849336, 763.0699005225941, 560.4956134654033, 0.0], [555.2264786283725, 463.7280348791913, 581.2547260586729, 543.8160626616618, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1103.0, 568.0, 1.0], [1000.0, 443.0, 1039.0, 549.0, 1.0], [985.0, 448.0, 1025.0, 549.0, 1.0], [915.0, 440.0, 955.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1100.0, 416.0, 1201.0, 698.0, 1.0], [1193.0, 433.0, 1277.0, 679.0, 1.0], [1248.0, 441.0, 1350.0, 715.0, 1.0], [1027.0, 434.0, 1109.0, 671.0, 1.0], [629.0, 454.0, 662.0, 555.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [723.0, 448.0, 765.0, 555.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [585.0, 457.0, 619.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 433.0, 589.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [789.0, 453.0, 815.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [12423.681936428951], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 3], [4, 1], [5, 2], [6, 7]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 53}], "frame_count": 596, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[725.03, 448.86, 761.351, 559.82, 1.4042], [1122.1, 405.34, 1212.9959999999999, 680.03, 1.2402], [627.8, 453.69, 661.622, 557.16, 1.1553], [1031.1, 433.93, 1104.743, 656.86, 1.0812], [589.1, 455.71, 618.414, 545.653, 0.96584], [1250.8, 442.1, 1341.696, 716.79, 0.57355], [555.19, 460.19, 580.58, 538.36, 0.54245], [575.47, 421.14, 617.341, 548.75, 0.40545]], "trackers": [[1186.9128609526538, 429.5543556005726, 1260.8957788875387, 653.4991112961045, 0.0], [1255.1327938303136, 441.7597839241578, 1346.2614317079235, 717.1459741939, 0.0], [1031.1915502529646, 448.98675080866843, 1100.430094000908, 658.6999009791004, 0.0], [585.8787549330476, 449.4835692008513, 617.388681347794, 546.0197604195815, 0.0], [1121.0453780509386, 400.650162683507, 1214.308621000502, 682.43817510183, 0.0], [625.5308262077855, 449.1550632062324, 663.4630846772919, 564.9504958414509, 0.0], [724.7607877384053, 444.1778434365872, 760.7665804884705, 554.2187081336532, 0.0], [555.2453391980364, 465.0002311227908, 582.0812446887724, 547.5130178038332, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1103.0, 567.0, 1.0], [1001.0, 443.0, 1040.0, 549.0, 1.0], [985.0, 449.0, 1025.0, 549.0, 1.0], [917.0, 439.0, 958.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1102.0, 416.0, 1201.0, 698.0, 1.0], [1193.0, 435.0, 1279.0, 680.0, 1.0], [1249.0, 440.0, 1351.0, 715.0, 1.0], [1028.0, 434.0, 1114.0, 671.0, 1.0], [629.0, 455.0, 662.0, 554.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [723.0, 448.0, 765.0, 556.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [585.0, 457.0, 618.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 433.0, 589.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [790.0, 453.0, 816.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [12009.37454407938], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 4], [2, 5], [3, 2], [4, 3], [5, 1], [6, 7]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [0], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 54}], "frame_count": 597, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[575.47, 421.14, 617.341, 548.75, 0.40545]]}, "detections": [[725.03, 448.86, 761.351, 559.82, 1.7046], [627.8, 453.69, 661.622, 557.16, 1.3831], [1031.1, 433.93, 1104.743, 656.86, 1.1435], [589.31, 453.55, 616.5939999999999, 537.403, 1.0342], [1122.1, 405.34, 1212.9959999999999, 680.03, 1.0134], [1195.3, 433.93, 1268.943, 656.86, 0.57554], [555.19, 460.19, 580.58, 538.36, 0.56185], [577.0, 441.0, 616.0, 560.0, 0.55247], [1250.8, 442.1, 1341.696, 716.79, 0.33329]], "trackers": [[1188.2729734957268, 428.78194101240393, 1262.2525428713036, 652.716560688473, 0.0], [1255.0644005877493, 442.0007502626779, 1345.98925995224, 716.7753543793697, 0.0], [1034.4158031490897, 439.08951410379177, 1106.3993066066228, 657.0420595862454, 0.0], [588.040011212809, 453.5617456954186, 618.2411114348994, 546.173656106048, 0.0], [1125.4209331196, 403.20259485287613, 1217.0676978746035, 680.1404572069615, 0.0], [626.5867852777866, 451.97303117438014, 661.9248816685941, 559.9924707983408, 0.0], [725.0469335186165, 447.4111966610776, 761.3228666890834, 558.2503763956249, 0.0], [555.0599467814144, 461.894732296965, 580.9933817948419, 541.6976748238853, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1103.0, 567.0, 1.0], [1002.0, 443.0, 1040.0, 550.0, 1.0], [985.0, 449.0, 1025.0, 549.0, 1.0], [919.0, 438.0, 960.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1104.0, 416.0, 1201.0, 698.0, 1.0], [1193.0, 437.0, 1281.0, 681.0, 1.0], [1251.0, 440.0, 1353.0, 715.0, 1.0], [1029.0, 434.0, 1119.0, 671.0, 1.0], [629.0, 455.0, 662.0, 554.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [723.0, 448.0, 765.0, 557.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [584.0, 457.0, 618.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 433.0, 589.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [790.0, 453.0, 817.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [11915.55224507511], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 2], [3, 3], [4, 4], [5, 0], [6, 7], [8, 1]], "ret_unmatched_detections": [7], "ret_unmatched_trackers": [], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 55}], "frame_count": 598, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[577.0, 441.0, 616.0, 560.0, 0.55247]]}, "detections": [[627.8, 453.69, 661.622, 557.16, 1.754], [721.23, 438.28, 763.101, 565.89, 1.5244], [1031.1, 433.93, 1104.743, 656.86, 1.0811], [585.82, 449.36, 617.3100000000001, 545.83, 1.0316], [1115.3, 418.86, 1183.944, 626.79, 0.60371], [1123.8, 394.97, 1221.292, 689.44, 0.54811], [1184.2, 429.71, 1268.942, 685.94, 0.5297], [1269.2, 442.1, 1360.096, 716.79, 0.37534]], "trackers": [[1196.6015381581576, 433.0751634462992, 1270.2783319420043, 656.1056792336552, 0.0], [1254.7905256878912, 442.09771220819334, 1345.638038297041, 716.6401861525901, 0.0], [1035.353335281441, 435.3948014720965, 1108.3586809863182, 656.4123789405653, 0.0], [588.908141287738, 453.2832332666787, 617.3452996852071, 540.6059708673049, 0.0], [1126.7523412814028, 404.24046079565824, 1217.7766931849817, 679.3103885756263, 0.0], [627.0493590506389, 453.1300394926061, 661.3485839126156, 558.027096551251, 0.0], [725.1427384860452, 448.6109954070795, 761.5200662248825, 559.7495322405074, 0.0], [555.0066850839492, 460.72853570743985, 580.588389753488, 539.4736123261373, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1103.0, 567.0, 1.0], [1002.0, 443.0, 1041.0, 550.0, 1.0], [985.0, 450.0, 1025.0, 549.0, 1.0], [921.0, 437.0, 963.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1105.0, 416.0, 1201.0, 698.0, 1.0], [1193.0, 437.0, 1285.0, 681.0, 1.0], [1252.0, 439.0, 1355.0, 715.0, 1.0], [1029.0, 434.0, 1124.0, 670.0, 1.0], [629.0, 455.0, 662.0, 554.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [724.0, 448.0, 765.0, 558.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [584.0, 457.0, 618.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 433.0, 589.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [791.0, 453.0, 817.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [11835.706909770555], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 2], [3, 3], [5, 4], [6, 0], [7, 1]], "ret_unmatched_detections": [4], "ret_unmatched_trackers": [], "ret_occluded_trackers": [7], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 1, "confidence": 0.9360981310860509, "age": 56}], "frame_count": 599, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": [[1115.3, 418.86, 1183.944, 626.79, 0.60371]]}, "detections": [[627.8, 453.69, 661.622, 557.16, 1.453], [721.23, 438.28, 763.101, 565.89, 1.4377], [585.82, 449.36, 617.3100000000001, 545.83, 0.96427], [1031.1, 433.93, 1104.743, 656.86, 0.61353], [1132.8, 412.56, 1217.542, 668.79, 0.58849], [1269.2, 442.1, 1360.096, 716.79, 0.56767], [1184.2, 429.71, 1268.942, 685.94, 0.36171]], "trackers": [[1189.5733683801016, 431.21495217356846, 1270.7421268574988, 676.739471290455, 0.0], [1267.570119298445, 442.13903491084454, 1358.388675137907, 716.5946164134951, 0.0], [1035.4306594916961, 434.0347228070586, 1108.8227247634268, 656.2119605041916, 0.0], [586.9159840358722, 450.71932512401617, 617.3324994907776, 543.9843869646975, 0.0], [1128.3893859075392, 397.99676019275927, 1223.4080223710444, 685.0499554389398, 0.0], [627.2614019086085, 453.58727702381316, 661.1574020030736, 557.271242918499, 0.0], [722.6363902833674, 442.01784215036554, 762.6521308471555, 564.0875116715087, 0.0], [554.8732937970254, 460.68967096535334, 580.448538150224, 539.4148615713023, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1103.0, 567.0, 1.0], [1003.0, 443.0, 1042.0, 550.0, 1.0], [985.0, 450.0, 1025.0, 549.0, 1.0], [923.0, 436.0, 966.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [428.0, 458.0, 457.0, 562.0, 1.0], [424.0, 457.0, 453.0, 565.0, 1.0], [417.0, 469.0, 456.0, 569.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [1107.0, 416.0, 1201.0, 698.0, 1.0], [1194.0, 437.0, 1289.0, 681.0, 1.0], [1254.0, 439.0, 1357.0, 715.0, 1.0], [1030.0, 434.0, 1129.0, 670.0, 1.0], [629.0, 456.0, 663.0, 554.0, 1.0], [665.0, 455.0, 703.0, 559.0, 1.0], [724.0, 448.0, 765.0, 558.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [711.0, 479.0, 728.0, 536.0, 0.0], [584.0, 457.0, 618.0, 543.0, 1.0], [556.0, 460.0, 584.0, 544.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [587.0, 439.0, 606.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [566.0, 440.0, 578.0, 470.0, 1.0], [576.0, 433.0, 589.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [792.0, 453.0, 818.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0]], "average_area": [12710.677950972316], "iou_threshold": 0.3, "ret_matches": [[0, 5], [1, 6], [2, 3], [3, 2], [4, 4], [5, 1], [6, 0]], "ret_unmatched_detections": [], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}, +{"mot_tracker": {"trackers": [{"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 2, "confidence": 0.44352982460441526, "age": 57}], "frame_count": 600, "min_hits": 3, "conf_trgt": 0.35, "conf_objt": 0.75, "unmatched_before": []}, "detections": [[721.23, 438.28, 763.101, 565.89, 1.4457], [627.8, 453.69, 661.622, 557.16, 1.2863], [589.31, 453.55, 616.5939999999999, 537.403, 1.005], [1031.7, 446.72, 1100.344, 654.6500000000001, 0.83021], [1184.2, 429.71, 1268.942, 685.94, 0.72341], [1261.7, 434.36, 1359.192, 728.83, 0.5686], [1129.2, 418.86, 1197.844, 626.79, 0.52901], [1123.8, 394.97, 1221.292, 689.44, 0.48108], [577.0, 441.0, 616.0, 560.0, 0.32524]], "trackers": [[1187.2567666132331, 430.78047645607796, 1270.7663315345835, 683.3223234217431, 0.0], [1272.1012859037066, 442.1586154703558, 1362.909377399533, 716.5828085148654, 0.0], [1035.2031019627175, 433.5591937133553, 1108.742441286994, 656.1780206232639, 0.0], [586.1734148075592, 449.79227310125424, 617.313410073347, 545.2227401530818, 0.0], [1134.5524489631732, 406.5484217508134, 1223.1096488320388, 674.225291511198, 0.0], [627.3713759981955, 453.76633278113144, 661.1137642839827, 556.9880580485124, 0.0], [721.717178281468, 439.61526373154913, 763.0380258529558, 565.593479279996, 0.0], [554.739903326247, 460.6508087355087, 580.3086857308147, 539.3561083042254, 0.0]], "groundtruths": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1118.0, 429.0, 1160.0, 574.0, 1.0], [1061.0, 445.0, 1104.0, 567.0, 1.0], [1004.0, 443.0, 1043.0, 551.0, 1.0], [985.0, 451.0, 1025.0, 550.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 463.0, 428.0, 576.0, 1.0], [429.0, 458.0, 458.0, 562.0, 1.0], [425.0, 457.0, 454.0, 566.0, 1.0], [418.0, 470.0, 456.0, 570.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [1109.0, 417.0, 1201.0, 698.0, 1.0], [1195.0, 437.0, 1293.0, 681.0, 1.0], [1256.0, 439.0, 1359.0, 715.0, 1.0], [1031.0, 434.0, 1134.0, 670.0, 1.0], [629.0, 456.0, 663.0, 554.0, 1.0], [665.0, 456.0, 704.0, 560.0, 1.0], [724.0, 448.0, 765.0, 558.0, 1.0], [668.0, 462.0, 693.0, 534.0, 0.0], [694.0, 462.0, 713.0, 533.0, 0.0], [712.0, 479.0, 728.0, 537.0, 0.0], [584.0, 457.0, 618.0, 543.0, 1.0], [556.0, 460.0, 585.0, 545.0, 1.0], [910.0, 408.0, 936.0, 537.0, 0.0], [545.0, 460.0, 570.0, 534.0, 1.0], [588.0, 439.0, 607.0, 483.0, 1.0], [587.0, 446.0, 605.0, 489.0, 1.0], [567.0, 440.0, 579.0, 470.0, 1.0], [577.0, 433.0, 590.0, 465.0, 1.0], [985.0, 458.0, 1009.0, 512.0, 0.0], [1012.0, 454.0, 1030.0, 515.0, 0.0], [793.0, 454.0, 819.0, 505.0, 1.0], [758.0, 481.0, 821.0, 510.0, 0.0], [1007.0, 451.0, 1031.0, 520.0, 1.0], [987.0, 473.0, 1008.0, 516.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "average_area": [12469.766206175622], "iou_threshold": 0.3, "ret_matches": [[0, 6], [1, 5], [2, 3], [3, 2], [4, 0], [5, 1], [7, 4]], "ret_unmatched_detections": [6, 8], "ret_unmatched_trackers": [7], "ret_occluded_trackers": [], "ret_unmatched_groundtruths": []}] diff --git a/spec/res/association__build_iou_matrix_ext.json b/spec/res/association__build_iou_matrix_ext.json new file mode 100644 index 0000000..fc338d1 --- /dev/null +++ b/spec/res/association__build_iou_matrix_ext.json @@ -0,0 +1,162 @@ +[{"unmatched_trackers": [2], "unmatched_detections": [3], "detections": [[589.13, 442.1, 680.026, 716.79, 1.9494], [1456.6, 416.87, 1585.56, 805.75, 1.8125], [1254.6, 446.72, 1288.422, 550.19, 1.0309], [465.47, 444.35, 570.03, 760.03, 0.53576]], "trackers": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [3], "detections": [[589.13, 442.1, 680.026, 716.79, 1.9955], [1449.6, 391.01, 1587.8899999999999, 807.87, 1.5278], [1254.6, 446.72, 1288.422, 550.19, 0.58591], [465.47, 444.35, 570.03, 760.03, 0.5274]], "trackers": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [3], "detections": [[589.13, 442.1, 680.026, 716.79, 1.7981], [1477.5, 391.01, 1615.79, 807.87, 1.7111], [1255.1, 449.36, 1286.59, 545.83, 1.1782], [465.47, 444.35, 570.03, 760.03, 0.69666]], "trackers": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [2], "detections": [[589.13, 442.1, 680.026, 716.79, 1.7622], [1504.6, 413.27, 1624.86, 776.04, 1.4748], [473.76, 454.06, 571.252, 748.53, 0.75093], [1255.1, 449.36, 1286.59, 545.83, 0.73368]], "trackers": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [2], "detections": [[589.13, 442.1, 680.026, 716.79, 1.9376], [1505.3, 391.01, 1643.59, 807.87, 1.644], [478.86, 442.1, 569.756, 716.79, 1.1515], [1254.6, 446.72, 1288.422, 550.19, 1.039]], "trackers": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [4], "detections": [[1583.4, 389.14, 1731.69, 836.0, 1.8024], [592.14, 402.13, 696.7, 717.81, 1.3127], [493.46, 434.36, 590.952, 728.83, 0.77876], [1254.6, 446.72, 1288.422, 550.19, 0.72348], [721.23, 455.43, 763.101, 583.04, 0.3272]], "trackers": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [4], "detections": [[1583.4, 389.14, 1731.69, 836.0, 1.5583], [589.13, 442.1, 680.026, 716.79, 1.3233], [497.24, 442.1, 588.136, 716.79, 1.0853], [1254.6, 446.72, 1288.422, 550.19, 0.91555], [721.0, 457.0, 760.0, 576.0, 0.61912]], "trackers": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [4, 1], "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.8596], [601.19, 446.86, 685.932, 703.09, 1.2662], [493.46, 454.06, 590.952, 748.53, 1.1184], [1254.6, 446.72, 1288.422, 550.19, 0.78599], [1443.8, 432.91, 1488.748, 569.75, 0.70279], [572.83, 364.89, 701.7900000000001, 753.77, 0.56581]], "trackers": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [4], "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.596], [592.14, 402.13, 696.7, 717.81, 1.3339], [497.24, 442.1, 588.136, 716.79, 1.2355], [1247.5, 441.39, 1283.821, 552.35, 1.0152], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "trackers": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [5, 2], "detections": [[1613.3, 389.14, 1761.59, 836.0, 2.5745], [607.51, 442.1, 698.406, 716.79, 1.5007], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982], [497.24, 442.1, 588.136, 716.79, 1.0672], [1254.6, 446.72, 1288.422, 550.19, 0.83953], [672.78, 433.93, 746.423, 656.86, 0.43969]], "trackers": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [4, 6], "detections": [[1643.1, 389.14, 1791.3899999999999, 836.0, 2.0951], [607.51, 442.1, 698.406, 716.79, 1.3352], [497.24, 442.1, 588.136, 716.79, 0.98277], [1453.0, 423.72, 1497.948, 560.5600000000001, 0.95271], [676.79, 455.86, 740.77, 649.8, 0.80057], [1254.6, 446.72, 1288.422, 550.19, 0.63474], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "trackers": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0, 1.1660609245300293]]}, +{"unmatched_trackers": [2], "unmatched_detections": [5], "detections": [[1643.1, 389.14, 1791.3899999999999, 836.0, 1.8473], [592.14, 402.13, 696.7, 717.81, 1.2709], [1457.0, 433.0, 1496.0, 552.0, 1.1199], [497.24, 442.1, 588.136, 716.79, 1.1052], [1255.1, 449.36, 1286.59, 545.83, 0.59047], [680.04, 461.78, 739.669, 642.67, 0.5207]], "trackers": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [6, 4], "detections": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.9322], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6255], [618.34, 446.86, 703.082, 703.09, 1.4233], [493.46, 454.06, 590.952, 748.53, 1.1593], [680.04, 461.78, 739.669, 642.67, 0.64739], [1255.0, 441.39, 1291.321, 552.35, 0.48977], [598.82, 364.89, 727.7800000000001, 753.77, 0.45824]], "trackers": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [2], "unmatched_detections": [5], "detections": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.7581], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6746], [618.34, 446.86, 703.082, 703.09, 1.5172], [486.58, 444.35, 591.14, 760.03, 0.9368], [1255.0, 441.39, 1291.321, 552.35, 0.3958], [566.69, 419.61, 622.259, 588.32, 0.33601]], "trackers": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [0, 4], "unmatched_detections": [3, 4], "detections": [[618.34, 446.86, 703.082, 703.09, 1.4104], [486.58, 444.35, 591.14, 760.03, 1.0846], [1261.6, 446.72, 1295.422, 550.19, 0.59795], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "trackers": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [2], "detections": [[486.58, 444.35, 591.14, 760.03, 1.9477], [618.34, 446.86, 703.082, 703.09, 1.3013], [579.94, 451.29, 624.888, 588.13, 0.43089]], "trackers": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [2], "detections": [[486.58, 444.35, 591.14, 760.03, 1.662], [618.34, 446.86, 703.082, 703.09, 1.5411], [689.79, 455.86, 753.77, 649.8, 0.35075]], "trackers": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [1], "detections": [[625.89, 442.1, 716.786, 716.79, 1.8256], [578.0, 430.92, 633.569, 599.63, 0.34068]], "trackers": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "ret_iou_matrix_ext": [[0.2343534380197525]]}, +{"unmatched_trackers": [1], "unmatched_detections": [1], "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.398], [687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "trackers": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [1], "detections": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7214], [687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "trackers": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [3], "unmatched_detections": [3], "detections": [[657.2, 408.29, 769.34, 746.7, 2.4327], [755.53, 446.86, 840.2719999999999, 703.09, 0.78959], [521.43, 430.92, 633.5699999999999, 769.33, 0.4833], [1255.1, 449.36, 1286.59, 545.83, 0.32619]], "trackers": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 2], "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4243], [572.83, 442.87, 701.7900000000001, 831.75, 0.74934], [1248.6, 449.36, 1280.09, 545.83, 0.52231], [755.53, 446.86, 840.2719999999999, 703.09, 0.38368], [770.33, 363.04, 882.47, 701.45, 0.37403]], "trackers": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2983], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.0593], [572.83, 442.87, 701.7900000000001, 831.75, 1.03], [534.0, 460.48, 555.974, 528.402, 0.54386]], "trackers": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_iou_matrix_ext": [[0.009851481765508652]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1185], [772.68, 446.86, 857.4219999999999, 703.09, 1.2157], [572.83, 442.87, 701.7900000000001, 831.75, 0.96479], [532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "trackers": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_iou_matrix_ext": [[0.017971359193325043]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.9918], [772.68, 446.86, 857.4219999999999, 703.09, 1.2894], [558.15, 418.86, 696.4399999999999, 835.72, 0.90277], [534.0, 460.48, 555.974, 528.402, 0.78249]], "trackers": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_iou_matrix_ext": [[0.02795322798192501]]}, +{"unmatched_trackers": [1], "unmatched_detections": [1], "detections": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4015], [534.0, 460.48, 555.974, 528.402, 1.1785], [572.83, 442.87, 701.7900000000001, 831.75, 0.94435], [772.68, 446.86, 857.4219999999999, 703.09, 0.82951]], "trackers": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_iou_matrix_ext": [[0.03738890588283539]]}, +{"unmatched_trackers": [4, 1], "unmatched_detections": [3], "detections": [[568.28, 419.0, 716.5699999999999, 865.86, 1.9706], [679.82, 430.92, 791.96, 769.33, 1.4157], [789.83, 446.86, 874.572, 703.09, 1.3797], [780.76, 338.9, 909.72, 727.78, 0.59085]], "trackers": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[568.28, 419.0, 716.5699999999999, 865.86, 1.8026], [791.3, 442.1, 882.1959999999999, 716.79, 1.7901], [679.82, 430.92, 791.96, 769.33, 1.5602], [780.76, 338.9, 909.72, 727.78, 0.34854], [532.85, 454.06, 556.4730000000001, 526.929, 0.30468]], "trackers": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4], "detections": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6882], [679.82, 430.92, 791.96, 769.33, 1.5882], [586.01, 418.86, 724.3, 835.72, 1.5644], [532.85, 454.06, 556.4730000000001, 526.929, 0.65715], [780.76, 338.9, 909.72, 727.78, 0.3336]], "trackers": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [2, 4, 3], "detections": [[702.45, 430.92, 814.59, 769.33, 1.8184], [586.01, 446.72, 724.3, 863.58, 1.3437], [1209.6, 449.36, 1241.09, 545.83, 0.50404], [717.57, 329.43, 865.86, 776.29, 0.42003], [498.3, 446.86, 540.171, 574.47, 0.39774]], "trackers": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.2385496199131012]]}, +{"unmatched_trackers": [1], "unmatched_detections": [2], "detections": [[728.54, 413.27, 848.8, 776.04, 2.8972], [549.75, 412.56, 720.23, 926.01, 1.3527], [892.72, 429.71, 977.462, 685.94, 1.0319], [505.0, 449.0, 544.0, 568.0, 0.48652]], "trackers": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.27234604954719543]]}, +{"unmatched_trackers": [3], "unmatched_detections": [2], "detections": [[728.54, 413.27, 848.8, 776.04, 3.1365], [568.28, 419.0, 716.5699999999999, 865.86, 1.2443], [892.72, 429.71, 977.462, 685.94, 0.70477], [828.33, 454.06, 925.822, 748.53, 0.43201]], "trackers": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [3, 1], "unmatched_detections": [2], "detections": [[747.7, 430.92, 859.84, 769.33, 2.6498], [568.28, 419.0, 716.5699999999999, 865.86, 1.4716], [737.0, 321.0, 896.0, 800.0, 0.99212]], "trackers": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "ret_iou_matrix_ext": [[0.09910669922828674], [0.36807745695114136]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[754.77, 416.87, 883.73, 805.75, 1.7248], [867.73, 454.06, 965.222, 748.53, 1.5477], [584.04, 412.56, 754.52, 926.01, 1.3358], [938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "trackers": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_iou_matrix_ext": [[0.0008902847184799612]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 5, 3], "detections": [[754.77, 416.87, 883.73, 805.75, 1.5665], [866.6, 444.35, 971.1600000000001, 760.03, 1.3802], [584.04, 412.56, 754.52, 926.01, 1.172], [505.0, 449.0, 544.0, 568.0, 0.51051], [938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819]], "trackers": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_iou_matrix_ext": [[0.06854533404111862, 0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 5, 6, 3], "detections": [[754.77, 416.87, 883.73, 805.75, 1.8469], [584.04, 412.56, 754.52, 926.01, 1.0491], [867.73, 454.06, 965.222, 748.53, 1.0483], [884.73, 364.89, 1013.69, 753.77, 0.68576], [505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "trackers": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.0, 0.4252396523952484]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 3], "detections": [[770.33, 430.92, 882.47, 769.33, 1.67], [887.71, 444.35, 992.27, 760.03, 1.2513], [584.04, 412.56, 754.52, 926.01, 1.1142], [737.0, 353.0, 896.0, 832.0, 0.40197], [464.01, 455.43, 505.881, 583.04, 0.34395]], "trackers": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_iou_matrix_ext": [[0.0, 0.1844315379858017]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[770.33, 430.92, 882.47, 769.33, 1.9065], [584.04, 412.56, 754.52, 926.01, 1.6488], [887.71, 444.35, 992.27, 760.03, 1.6257], [513.0, 449.0, 552.0, 568.0, 0.37197]], "trackers": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[770.33, 430.92, 882.47, 769.33, 1.8368], [584.04, 412.56, 754.52, 926.01, 1.5457], [887.71, 444.35, 992.27, 760.03, 1.4458], [505.0, 449.0, 544.0, 568.0, 0.39243]], "trackers": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[770.33, 430.92, 882.47, 769.33, 1.7439], [907.12, 454.06, 1004.612, 748.53, 1.2584], [609.0, 417.0, 768.0, 896.0, 0.77786], [769.0, 353.0, 928.0, 832.0, 0.37895]], "trackers": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_iou_matrix_ext": [[0.10299516469240189]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[777.05, 413.27, 897.31, 776.04, 1.7292], [887.71, 444.35, 992.27, 760.03, 1.4447], [618.34, 412.56, 788.82, 926.01, 0.73299], [755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "trackers": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_iou_matrix_ext": [[0.13287359476089478]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[780.76, 416.87, 909.72, 805.75, 1.9064], [907.12, 454.06, 1004.612, 748.53, 1.5494], [618.34, 412.56, 788.82, 926.01, 0.57856], [1153.0, 433.0, 1192.0, 552.0, 0.48299]], "trackers": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_iou_matrix_ext": [[0.005737150553613901]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 3], "detections": [[777.05, 413.27, 897.31, 776.04, 1.9837], [907.12, 454.06, 1004.612, 748.53, 1.6313], [628.0, 448.86, 776.29, 895.72, 0.83077], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112]], "trackers": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_iou_matrix_ext": [[0.04034680500626564, 0.13513730466365814]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 5, 3], "detections": [[777.05, 413.27, 897.31, 776.04, 2.3035], [908.82, 444.35, 1013.3800000000001, 760.03, 1.2839], [628.0, 448.86, 776.29, 895.72, 0.77269], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531], [572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303]], "trackers": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_iou_matrix_ext": [[0.0, 0.05590945854783058, 0.08537440001964569]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 5, 3], "detections": [[780.76, 416.87, 909.72, 805.75, 2.0379], [926.82, 454.06, 1024.3120000000001, 748.53, 1.2353], [618.34, 412.56, 788.82, 926.01, 1.0654], [1153.0, 433.0, 1192.0, 552.0, 0.56941], [572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845]], "trackers": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.08295026421546936]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 3], "detections": [[780.76, 416.87, 909.72, 805.75, 1.9503], [618.34, 412.56, 788.82, 926.01, 0.91326], [926.82, 454.06, 1024.3120000000001, 748.53, 0.42717], [896.71, 329.43, 1045.0, 776.29, 0.31669], [1153.0, 433.0, 1192.0, 552.0, 0.31442]], "trackers": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_iou_matrix_ext": [[0.10204210877418518, 0.9214970469474792]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 3], "detections": [[780.76, 416.87, 909.72, 805.75, 2.0463], [625.89, 405.34, 808.68, 955.72, 0.85784], [926.82, 454.06, 1024.3120000000001, 748.53, 0.4554], [505.0, 441.0, 544.0, 560.0, 0.37783], [571.03, 454.91, 622.81, 612.25, 0.31746]], "trackers": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3, 2], "detections": [[780.76, 416.87, 909.72, 805.75, 2.1012], [929.93, 444.35, 1034.49, 760.03, 1.0911], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818], [566.69, 453.55, 622.259, 622.26, 0.551], [652.64, 412.56, 823.12, 926.01, 0.47617]], "trackers": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4, 2], "detections": [[806.75, 416.87, 935.71, 805.75, 2.7657], [951.05, 444.35, 1055.61, 760.03, 1.3124], [566.69, 453.55, 622.259, 622.26, 0.85701], [662.65, 405.34, 845.4399999999999, 955.72, 0.45068], [506.88, 446.86, 548.751, 574.47, 0.32472]], "trackers": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [5, 6, 4], "detections": [[801.3, 437.53, 921.56, 800.3, 2.3792], [566.69, 453.55, 622.259, 622.26, 1.3905], [951.05, 444.35, 1055.61, 760.03, 0.71776], [662.65, 405.34, 845.4399999999999, 955.72, 0.62938], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757], [506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565]], "trackers": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0, 0.016030997037887573, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [5, 4], "detections": [[578.0, 453.55, 633.569, 622.26, 1.8586], [806.75, 416.87, 935.71, 805.75, 1.7513], [972.16, 444.35, 1076.72, 760.03, 1.7172], [662.65, 405.34, 845.4399999999999, 955.72, 0.69467], [513.0, 449.0, 552.0, 568.0, 0.67795], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392]], "trackers": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_iou_matrix_ext": [[0.1507166624069214, 0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [4], "detections": [[570.91, 449.65, 630.539, 630.54, 2.0584], [806.75, 416.87, 935.71, 805.75, 1.6622], [972.16, 444.35, 1076.72, 760.03, 1.6041], [662.65, 405.34, 845.4399999999999, 955.72, 0.88175], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "trackers": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.15071865916252136]]}, +{"unmatched_trackers": [1], "unmatched_detections": [3], "detections": [[578.0, 453.55, 633.569, 622.26, 2.0036], [806.75, 416.87, 935.71, 805.75, 1.7281], [973.98, 430.92, 1086.1200000000001, 769.33, 1.4048], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.99898], [662.65, 405.34, 845.4399999999999, 955.72, 0.794]], "trackers": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.15071965754032135]]}, +{"unmatched_trackers": [1], "unmatched_detections": [5], "detections": [[806.75, 416.87, 935.71, 805.75, 1.4632], [570.91, 449.65, 630.539, 630.54, 1.4063], [670.74, 394.97, 866.72, 984.9200000000001, 1.3695], [993.27, 444.35, 1097.83, 760.03, 0.57115], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.56114], [506.88, 446.86, 548.751, 574.47, 0.46026]], "trackers": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [3, 2], "unmatched_detections": [4], "detections": [[884.73, 416.87, 1013.69, 805.75, 2.7305], [595.16, 449.65, 654.789, 630.54, 1.0794], [1040.7, 390.88, 1169.66, 779.76, 0.91093], [505.0, 449.0, 544.0, 568.0, 0.82186], [846.44, 295.07, 1029.23, 845.45, 0.5598]], "trackers": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.12313846498727798], [0.4729143977165222]]}, +{"unmatched_trackers": [3], "unmatched_detections": [5, 1], "detections": [[884.73, 416.87, 1013.69, 805.75, 1.8032], [1209.6, 449.36, 1241.09, 545.83, 1.2882], [600.63, 453.55, 656.199, 622.26, 1.0564], [505.0, 449.0, 544.0, 568.0, 1.046], [846.44, 295.07, 1029.23, 845.45, 0.76099], [718.81, 381.02, 928.93, 1013.38, 0.53097], [1046.0, 329.43, 1194.29, 776.29, 0.36819]], "trackers": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_iou_matrix_ext": [[0.0, 0.04245450347661972]]}, +{"unmatched_trackers": [3], "unmatched_detections": [4, 3], "detections": [[884.73, 416.87, 1013.69, 805.75, 1.5787], [505.0, 449.0, 544.0, 568.0, 1.3118], [1066.7, 390.88, 1195.66, 779.76, 0.911], [1209.6, 449.36, 1241.09, 545.83, 0.74263], [718.81, 381.02, 928.93, 1013.38, 0.73717], [600.63, 453.55, 656.199, 622.26, 0.69344], [846.44, 295.07, 1029.23, 845.45, 0.5804]], "trackers": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0, 0.052107200026512146]]}, +{"unmatched_trackers": [2, 3], "unmatched_detections": [1, 3], "detections": [[866.85, 389.14, 1015.14, 836.0, 1.6771], [718.81, 381.02, 928.93, 1013.38, 1.1208], [505.0, 449.0, 544.0, 568.0, 1.0442], [1209.6, 449.36, 1241.09, 545.83, 1.0367], [1066.7, 390.88, 1195.66, 779.76, 0.97919], [598.82, 442.87, 662.8000000000001, 636.81, 0.56504]], "trackers": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_iou_matrix_ext": [[0.23467203974723816, 0.0], [0.0, 0.06192323938012123]]}, +{"unmatched_trackers": [0, 2], "unmatched_detections": [4], "detections": [[505.0, 449.0, 544.0, 568.0, 1.3746], [1165.1, 437.53, 1285.36, 800.3, 1.3535], [624.81, 442.87, 688.79, 636.81, 1.2681], [1195.3, 359.28, 1343.59, 806.14, 0.54433], [717.57, 419.0, 865.86, 865.86, 0.47783], [749.54, 434.36, 945.52, 1024.31, 0.3809]], "trackers": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_iou_matrix_ext": [[0.08872503787279129], [0.2651839852333069]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [5], "detections": [[777.28, 448.86, 925.5699999999999, 895.72, 1.9852], [650.8, 442.87, 714.78, 636.81, 1.9457], [887.71, 381.02, 1097.83, 1013.38, 0.95929], [1226.7, 391.01, 1364.99, 807.87, 0.83404], [505.0, 449.0, 544.0, 568.0, 0.58475], [761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "trackers": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_iou_matrix_ext": [[0.0], [0.45398765802383423]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [4], "detections": [[906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.5437], [807.14, 448.86, 955.43, 895.72, 1.115], [506.88, 446.86, 548.751, 574.47, 0.92556], [667.92, 449.65, 727.549, 630.54, 0.91817], [803.26, 296.57, 1013.38, 928.9300000000001, 0.49654]], "trackers": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]], "kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.6794031262397766]]}, +{"unmatched_trackers": [3, 1], "unmatched_detections": [3], "detections": [[801.0, 417.0, 960.0, 896.0, 1.5862], [669.58, 432.79, 738.224, 640.72, 0.97237], [929.93, 381.02, 1140.05, 1013.38, 0.83047], [1768.5, 390.88, 1897.46, 779.76, 0.76917], [505.0, 449.0, 544.0, 568.0, 0.58572], [825.55, 292.02, 1067.06, 1018.56, 0.56613]], "trackers": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [1, 0], "unmatched_detections": [4], "detections": [[505.0, 449.0, 544.0, 568.0, 1.3971], [789.83, 412.56, 960.3100000000001, 926.01, 1.2807], [669.58, 446.72, 738.224, 654.6500000000001, 1.2114], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0808], [629.0, 457.0, 648.0, 516.0, 0.94174], [1310.3, 418.86, 1448.59, 835.72, 0.73916]], "trackers": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [1, 0], "unmatched_detections": [5], "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5266], [907.12, 394.97, 1103.1, 984.9200000000001, 1.2344], [505.0, 449.0, 544.0, 568.0, 1.0469], [672.78, 433.93, 746.423, 656.86, 0.86736], [1326.6, 442.87, 1455.56, 831.75, 0.62966], [629.0, 457.0, 648.0, 516.0, 0.61433]], "trackers": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [1, 7, 0], "unmatched_detections": [1], "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6507], [1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297], [505.0, 449.0, 544.0, 568.0, 1.0638], [1338.2, 418.86, 1476.49, 835.72, 1.0428], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0373], [672.78, 433.93, 746.423, 656.86, 0.98773]], "trackers": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 7, 0], "unmatched_detections": [2], "detections": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5415], [1352.6, 442.87, 1481.56, 831.75, 1.4159], [1650.1, 413.27, 1770.36, 776.04, 1.3852], [672.78, 433.93, 746.423, 656.86, 1.1111], [505.0, 449.0, 544.0, 568.0, 0.93192], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7975]], "trackers": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 7, 1], "unmatched_detections": [3], "detections": [[824.12, 412.56, 994.6, 926.01, 2.4357], [505.0, 449.0, 544.0, 568.0, 1.1756], [711.37, 446.72, 780.014, 654.6500000000001, 1.0423], [1339.6, 449.36, 1371.09, 545.83, 0.73903], [1464.0, 419.0, 1612.29, 865.86, 0.73765], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.38341]], "trackers": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.05546700954437256]]}, +{"unmatched_trackers": [0, 1], "unmatched_detections": [5, 6], "detections": [[824.12, 412.56, 994.6, 926.01, 2.3395], [739.23, 446.72, 807.874, 654.6500000000001, 1.138], [505.0, 449.0, 544.0, 568.0, 0.94038], [1473.0, 385.0, 1632.0, 864.0, 0.89415], [906.1, 408.29, 1131.3700000000001, 1086.1100000000001, 0.52118], [1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "trackers": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.05546700954437256, 0.0]]}, +{"unmatched_trackers": [1, 0], "unmatched_detections": [3], "detections": [[846.44, 405.34, 1029.23, 955.72, 2.2321], [739.23, 446.72, 807.874, 654.6500000000001, 1.0541], [505.0, 449.0, 544.0, 568.0, 0.80167], [579.94, 451.29, 601.9140000000001, 519.212, 0.42723], [922.56, 389.02, 1164.07, 1115.56, 0.34461], [1493.9, 419.0, 1642.19, 865.86, 0.33906]], "trackers": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [0, 2, 3, 1], "unmatched_detections": [2, 4], "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1321], [762.35, 433.93, 835.993, 656.86, 1.2527], [1578.7, 412.56, 1749.18, 926.01, 0.48487], [497.24, 442.1, 542.188, 578.94, 0.36848], [1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "trackers": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [1.0163969993591309, 0.41101059317588806], [0.40678074955940247, 0.5241792798042297]]}, +{"unmatched_trackers": [1], "unmatched_detections": [2], "detections": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1843], [767.77, 442.87, 831.75, 636.81, 2.1783], [1373.3, 402.13, 1477.86, 717.81, 1.1257], [505.0, 449.0, 544.0, 568.0, 1.0915], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.52092], [1613.3, 448.86, 1761.59, 895.72, 0.43775], [874.05, 243.51, 1115.56, 970.05, 0.38023]], "trackers": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_iou_matrix_ext": [[0.5318329930305481]]}, +{"unmatched_trackers": [0], "unmatched_detections": [6], "detections": [[883.2, 405.34, 1065.99, 955.72, 1.9015], [781.01, 446.72, 849.654, 654.6500000000001, 1.7022], [1695.1, 316.17, 1891.08, 906.1200000000001, 0.80585], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.70706], [1340.5, 414.66, 1437.992, 709.1300000000001, 0.69443], [505.0, 449.0, 544.0, 568.0, 0.55953], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "trackers": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_iou_matrix_ext": [[0.0007616353104822338]]}, +{"unmatched_trackers": [3, 5, 0], "unmatched_detections": [4], "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 2.5988], [883.2, 405.34, 1065.99, 955.72, 1.5864], [1305.9, 423.72, 1396.796, 698.4100000000001, 1.1688], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.7079], [1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "trackers": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.019493838772177696]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [4], "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.921], [892.72, 412.56, 1063.2, 926.01, 1.3931], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1391], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.805], [1193.0, 433.0, 1232.0, 552.0, 0.65883], [497.0, 449.0, 536.0, 568.0, 0.51628]], "trackers": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_iou_matrix_ext": [[0.0], [0.022967781871557236]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [4], "detections": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.7129], [883.2, 405.34, 1065.99, 955.72, 1.2705], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1459], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.73445], [1193.0, 441.0, 1232.0, 560.0, 0.54222], [497.0, 449.0, 536.0, 568.0, 0.33336]], "trackers": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_iou_matrix_ext": [[0.0], [0.022965500131249428]]}, +{"unmatched_trackers": [5, 0, 3], "unmatched_detections": [3, 5], "detections": [[1287.5, 423.72, 1378.396, 698.4100000000001, 1.6719], [807.14, 433.93, 880.783, 656.86, 1.3293], [892.72, 412.56, 1063.2, 926.01, 1.3205], [1.0, 389.14, 149.29, 836.0, 0.6479], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58464], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "trackers": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.017316356301307678], [0.0, 0.0]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [4], "detections": [[808.87, 446.72, 877.514, 654.6500000000001, 2.2529], [892.72, 412.56, 1063.2, 926.01, 1.2858], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.92191], [1269.2, 423.72, 1360.096, 698.4100000000001, 0.78125], [30.857, 389.14, 179.147, 836.0, 0.78032], [498.3, 446.86, 540.171, 574.47, 0.35779]], "trackers": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [3, 5, 0], "unmatched_detections": [1], "detections": [[808.87, 446.72, 877.514, 654.6500000000001, 2.1666], [30.857, 389.14, 179.147, 836.0, 1.2889], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.1903], [867.73, 355.57, 1063.71, 945.52, 1.1046], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.86518]], "trackers": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [4, 0], "unmatched_detections": [3, 5], "detections": [[819.75, 455.86, 883.73, 649.8, 1.8534], [1014.4, 381.02, 1224.52, 1013.38, 1.1479], [867.73, 355.57, 1063.71, 945.52, 1.1153], [1209.6, 449.36, 1241.09, 545.83, 0.7814], [60.714, 389.14, 209.004, 836.0, 0.64937], [1732.7, 389.14, 1880.99, 836.0, 0.51941], [1252.8, 429.71, 1337.542, 685.94, 0.47495]], "trackers": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.015030945651233196, 0.0]]}, +{"unmatched_trackers": [4, 6, 0, 1], "unmatched_detections": [3, 4], "detections": [[822.8, 446.72, 891.444, 654.6500000000001, 2.1102], [867.73, 355.57, 1063.71, 945.52, 1.1511], [1014.4, 381.02, 1224.52, 1013.38, 1.0649], [1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "trackers": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [1, 4, 0], "unmatched_detections": [3], "detections": [[822.8, 446.72, 891.444, 654.6500000000001, 2.321], [1014.4, 381.02, 1224.52, 1013.38, 1.2459], [867.73, 355.57, 1063.71, 945.52, 1.0358], [1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744], [104.97, 416.87, 233.93, 805.75, 0.30541]], "trackers": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [3, 0, 1], "unmatched_detections": [3, 4], "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.312], [883.2, 405.34, 1065.99, 955.72, 1.238], [168.15, 391.01, 306.44, 807.87, 1.0596], [541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "trackers": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [3], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.6742], [180.14, 389.14, 328.42999999999995, 836.0, 1.5693], [1014.4, 381.02, 1224.52, 1013.38, 1.3547], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.64515]], "trackers": [[872.1987592163781, 228.04032809040973, 1114.3358998932322, 956.4583201301696, 0.0], [1192.5611812607553, 415.92275378829845, 1278.3139425728405, 675.1605534282187, 0.0], [1018.9220555260525, 385.03311287342933, 1225.0167187375105, 1005.3226764209538, 0.0], [841.0297264527688, 447.25868801972837, 914.6994673943099, 670.278251981272, 0.0], [892.9224732748212, 411.985731238401, 1064.947400031536, 930.0667847286077, 0.0], [182.73707504083723, 421.2766665764847, 320.1789562353968, 835.5774415249185, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 330}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 16}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [3], "detections": [[196.0, 391.01, 334.28999999999996, 807.87, 1.4889], [892.72, 412.56, 1063.2, 926.01, 1.4746], [1014.4, 381.02, 1224.52, 1013.38, 1.3069], [736.17, 469.67, 781.1179999999999, 606.51, 0.5201]], "trackers": [[871.8382011814422, 226.07124117431727, 1113.97471281631, 954.4873408753008, 0.0], [1187.3017225752562, 415.3381353358419, 1273.0540423003524, 674.5746000212074, 0.0], [1016.7423659040351, 382.7560534418478, 1225.3487024249011, 1010.577622892775, 0.0], [843.3864569935874, 447.8397226568809, 917.0580886200241, 670.86501026718, 0.0], [893.9450494644631, 413.13377130358447, 1064.660060684243, 927.2832583670623, 0.0], [190.30397946835058, 400.95425015380215, 334.6471847269247, 835.9733245422321, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 331}, {"time_since_observed": 11, "confidence": 0.6150359391947425, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 6, "confidence": 0.4603588326840964, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 17}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.034872543066740036]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [3], "detections": [[208.94, 416.87, 337.9, 805.75, 1.6514], [892.72, 412.56, 1063.2, 926.01, 1.6268], [1014.4, 381.02, 1224.52, 1013.38, 1.2914], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.44671]], "trackers": [[871.4774858863161, 224.1016811744525, 1113.613682999578, 952.5168347042043, 0.0], [1182.0421534934362, 414.75318314603567, 1267.7942524241853, 673.9889803515458, 0.0], [1015.8526765263086, 381.877800636995, 1225.4103874949656, 1012.5520919238932, 0.0], [845.7436602147276, 448.42218823376373, 919.4162371654169, 671.4503376133576, 0.0], [894.2428017320525, 413.54375858903705, 1064.459277226158, 926.1969103231193, 0.0], [203.52626727077424, 394.12131218695737, 343.59201273602446, 816.3016114052109, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 332}, {"time_since_observed": 12, "confidence": 0.5573541556402375, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 7, "confidence": 0.39138719980179637, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 18}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [3], "detections": [[210.0, 389.14, 358.28999999999996, 836.0, 1.7081], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.574], [892.72, 412.56, 1063.2, 926.01, 1.4158], [736.17, 469.67, 781.1179999999999, 606.51, 0.34293]], "trackers": [[870.3950058218991, 218.1919958684286, 1112.5309277284207, 946.6063214973444, 0.0], [1166.2632116542154, 412.99761737997557, 1252.0151173894446, 672.2328305392025, 0.0], [1063.4350812224056, 392.5342606871135, 1261.3301654647166, 988.2281916042745, 0.0], [852.8152699145364, 450.1695850745698, 926.4906827652067, 673.2063195417329, 0.0], [894.10724728945, 413.6779243062349, 1064.0489334854406, 925.5064597979699, 0.0], [232.38422476846952, 399.6829776319556, 366.78328346967896, 804.8614604691533, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 335}, {"time_since_observed": 15, "confidence": 0.4724528970451065, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 10, "confidence": 0.2931015568947519, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 21}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.034872714430093765]]}, +{"unmatched_trackers": [1, 3, 0], "unmatched_detections": [3], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.5076], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.0881], [239.86, 389.14, 388.15, 836.0, 0.97153], [736.17, 469.67, 781.1179999999999, 606.51, 0.69158]], "trackers": [[869.3124053545441, 212.28194835582207, 1111.4482928602013, 940.6961704970672, 0.0], [1150.48418529197, 411.24179609371276, 1236.2360668777285, 670.4769362470618, 0.0], [1069.6561368834393, 394.5755472681331, 1265.54848252663, 984.2605287469846, 0.0], [859.8868796689227, 451.9169820805972, 933.565128310419, 674.9623013048869, 0.0], [893.8195653904312, 413.5854849159523, 1063.7647784424491, 925.4248089837497, 0.0], [238.4300781732177, 407.690658511168, 373.47414384514957, 814.8193639938411, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 338}, {"time_since_observed": 18, "confidence": 0.39171122771527417, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 13, "confidence": 0.2264129087588254, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 24}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.03487272188067436]]}, +{"unmatched_trackers": [3, 0, 1], "unmatched_detections": [3, 4], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.3378], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.2405], [234.93, 416.87, 363.89, 805.75, 0.94833], [736.17, 469.67, 781.1179999999999, 606.51, 0.88822], [481.15, 446.86, 523.021, 574.47, 0.35484]], "trackers": [[868.9515340272175, 210.31191896632998, 1111.08741907567, 938.726133715598, 0.0], [1145.2245066754576, 410.656512771332, 1230.9763865362538, 669.8916477099747, 0.0], [1069.4436520766378, 394.6967308630128, 1265.2644092550347, 984.1669276147004, 0.0], [862.2440829325119, 452.49944778598564, 935.9232768133627, 675.547628522559, 0.0], [893.7373088857343, 413.5553085104346, 1063.6883820205912, 925.4122879888225, 0.0], [247.60466489838979, 396.0066421329493, 391.0470841307154, 828.3335858458779, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 339}, {"time_since_observed": 19, "confidence": 0.3803263159877125, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 14, "confidence": 0.21612492576896697, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 25}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.03487272188067436, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [1, 4, 0], "unmatched_detections": [1], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.6998], [25.251, 437.53, 145.511, 800.3, 1.3332], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2989], [736.17, 469.67, 781.1179999999999, 606.51, 0.44294]], "trackers": [[867.8689174344574, 204.40182294387807, 1110.0048003328554, 932.8160312251663, 0.0], [1129.4454691009582, 408.90065758948356, 1215.1973472367918, 668.1357873134197, 0.0], [1047.569583286706, 368.0819258177047, 1269.0170582390533, 1034.4432840467812, 0.0], [893.5322987262135, 413.4756680271812, 1063.501801896461, 925.3881584490198, 0.0], [260.3171562014746, 410.41545471620935, 393.7898019416918, 812.8234118026037, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 342}, {"time_since_observed": 22, "confidence": 0.324258014084615, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.900257215662253, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 0], "unmatched_detections": [2], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.8891], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2489], [25.251, 437.53, 145.511, 800.3, 1.2336], [736.17, 469.67, 781.1179999999999, 606.51, 0.39825], [286.91, 416.87, 415.87, 805.75, 0.39793]], "trackers": [[867.508044955316, 202.43179008939677, 1109.6439277001389, 930.8459979086863, 0.0], [1124.185789837585, 408.3153723115879, 1209.937667542178, 667.5505007318475, 0.0], [1045.207234484877, 365.4341337567774, 1269.1906266805618, 1039.3994579671773, 0.0], [893.4760309276508, 413.452502083628, 1063.4515880237389, 925.3832257894557, 0.0], [267.30128499563057, 410.62760300287016, 400.63574325458535, 812.6189373294372, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 343}, {"time_since_observed": 23, "confidence": 0.30581041462090813, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [0, 1], "unmatched_detections": [2, 5], "detections": [[892.72, 412.56, 1063.2, 926.01, 1.7793], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2646], [25.251, 437.53, 145.511, 800.3, 1.1677], [312.9, 416.87, 441.86, 805.75, 0.68318], [736.17, 469.67, 781.1179999999999, 606.51, 0.41924], [584.04, 451.14, 604.4749999999999, 514.446, 0.32783]], "trackers": [[867.1471724377807, 200.46175711941578, 1109.283055105816, 928.8759647077061, 0.0], [1118.9261105742116, 407.7300870336923, 1204.677987847564, 666.9652141502752, 0.0], [1044.1907653782982, 364.36873387760323, 1269.1336764601024, 1041.210926897825, 0.0], [893.4248918708331, 413.43081153156083, 1063.406417651478, 925.3795117126416, 0.0], [292.69563290510513, 416.28950268181137, 422.05882638084466, 806.3715384066913, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 344}, {"time_since_observed": 24, "confidence": 0.29224653036535675, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [4, 0], "unmatched_detections": [4], "detections": [[892.72, 412.56, 1063.2, 926.01, 2.4911], [364.77, 413.27, 485.03, 776.04, 1.4016], [1056.6, 381.02, 1266.7199999999998, 1013.38, 0.98558], [98.006, 437.53, 218.26600000000002, 800.3, 0.47601], [561.0, 453.0, 580.0, 512.0, 0.30549]], "trackers": [[885.4735803187999, 208.2478648186716, 1144.590465789357, 987.6002850409222, 0.0], [1064.513801964413, 391.11121574433673, 1263.2882988769004, 989.4459597505795, 0.0], [886.7997433786518, 409.48596507460087, 1064.6982365523556, 945.1916018898212, 0.0], [374.0455520800403, 412.8112319632196, 494.8675379350654, 777.2581699808593, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [101.10167053879792, 437.60705693704506, 221.34424199468236, 800.3238542864473, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 353}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 39}, {"time_since_observed": 0, "confidence": 0.08379443235693226, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [4, 5, 0], "unmatched_detections": [3], "detections": [[892.72, 412.56, 1063.2, 926.01, 2.6167], [364.89, 416.87, 493.85, 805.75, 1.2294], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1499], [561.0, 453.0, 580.0, 512.0, 0.41889]], "trackers": [[885.9799197383459, 207.89883265718146, 1145.1660212851787, 987.459435825386, 0.0], [1060.4364429938194, 384.79564826137715, 1266.3056391316688, 1004.40994295976, 0.0], [890.6974003216142, 411.67060549845434, 1063.7794774004874, 932.9250665793534, 0.0], [375.51938903660465, 412.5056072811202, 495.5141723455278, 774.4686189959126, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [106.50018835899385, 437.6623739734123, 226.71695202564769, 800.3017094608954, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 40}, {"time_since_observed": 1, "confidence": 0.10131012203974525, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [4, 5, 0], "unmatched_detections": [3], "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 2.4724], [390.88, 390.88, 519.84, 779.76, 1.1343], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0824], [681.0, 489.0, 720.0, 608.0, 0.44758]], "trackers": [[885.2680226051762, 208.5836029181644, 1144.253678190401, 987.5410957133956, 0.0], [1042.9168221570476, 364.49226120787364, 1267.384407190826, 1039.9081722351834, 0.0], [892.9593154806197, 413.0295061944432, 1063.180143704794, 925.6971566233779, 0.0], [397.6276670832765, 412.98216714349275, 518.033054825562, 776.1790658947473, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [136.9675949762496, 437.7567149810627, 257.1467605893042, 800.2828078845289, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 357}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 43}, {"time_since_observed": 4, "confidence": 0.029419116333433974, "age": 18}, {"time_since_observed": 1, "confidence": 0.5887002013745326, "age": 13}], "ret_iou_matrix_ext": [[0.13517488539218903], [0.0], [0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [4, 3], "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 2.0851], [389.02, 413.27, 509.28, 776.04, 1.1062], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0258], [681.0, 489.0, 720.0, 608.0, 0.60319], [738.38, 472.58, 780.251, 600.1899999999999, 0.42715], [146.51, 437.53, 266.77, 800.3, 0.3646]], "trackers": [[885.6071211176575, 208.40386017881872, 1144.6086197982465, 987.4090046396033, 0.0], [1042.2793987775356, 363.7423723026537, 1267.3943358878907, 1041.0997515904808, 0.0], [904.1132501406508, 403.0555607282363, 1090.715937799683, 964.8860135858727, 0.0], [400.63306521203975, 397.63701845767037, 526.1957499122341, 776.317548705985, 0.0], [145.202024176668, 437.84402132796527, 265.3497379330973, 800.2752382299318, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 358}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 44}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 14}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [5, 4], "detections": [[907.12, 394.97, 1103.1, 984.9200000000001, 1.8757], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0252], [408.29, 408.29, 520.4300000000001, 746.7, 0.92034], [169.9, 444.35, 274.46000000000004, 760.03, 0.4402], [681.0, 489.0, 720.0, 608.0, 0.41341], [738.38, 472.58, 780.251, 600.1899999999999, 0.37376]], "trackers": [[885.9501805856844, 208.2360309023785, 1144.9596004505465, 987.2650001029054, 0.0], [1042.030100530039, 363.4234750009524, 1267.3903125774136, 1041.5164270587493, 0.0], [908.3338785737045, 399.64178445564403, 1100.8282621329063, 979.1419584532189, 0.0], [399.50910301360614, 407.05442033931905, 521.4026869149582, 774.7205808714539, 0.0], [154.6586975961415, 437.64394316028677, 274.87601131628236, 800.2851639235777, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 359}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 45}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 15}], "ret_iou_matrix_ext": [[0.006733040791004896, 0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [5, 3], "detections": [[927.01, 412.56, 1097.49, 926.01, 1.9584], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0842], [191.01, 444.35, 295.57, 760.03, 0.8238], [52.984, 442.87, 181.94400000000002, 831.75, 0.57148], [413.27, 413.27, 533.53, 776.04, 0.49196], [681.0, 489.0, 720.0, 608.0, 0.30321]], "trackers": [[887.3345478812134, 207.60119576020747, 1146.3513936363252, 986.6524999925243, 0.0], [1041.8553986527522, 363.08613738594056, 1267.3557350767846, 1041.5992340470061, 0.0], [922.8443482972968, 405.8546816512234, 1106.1546026495012, 957.7944708743476, 0.0], [420.73089735591645, 411.00917445901257, 537.4230965593148, 763.0665067372848, 0.0], [190.3581860163215, 425.61305992526934, 303.91133325981997, 768.2565729308793, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 363}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 49}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 19}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [3], "detections": [[927.01, 412.56, 1097.49, 926.01, 2.0647], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.0663], [204.65, 430.92, 316.79, 769.33, 1.0285], [73.754, 461.78, 194.014, 824.55, 0.42977]], "trackers": [[887.6814441783727, 207.44490660862266, 1146.6985374594929, 986.4969553309711, 0.0], [1041.848004560353, 363.0498885504934, 1267.3480120253014, 1041.5619755088233, 0.0], [927.4856978141181, 409.53920688072424, 1102.7282112523453, 937.2772956259386, 0.0], [421.596385619533, 412.8344685412835, 540.1273253068605, 770.4079854030258, 0.0], [198.98318338070692, 437.4613362237858, 306.1169994230644, 760.8446485797924, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 50}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 20}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [3, 0], "unmatched_detections": [3], "detections": [[927.01, 412.56, 1097.49, 926.01, 2.2965], [204.65, 430.92, 316.79, 769.33, 1.9024], [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.97449], [73.754, 461.78, 194.014, 824.55, 0.3245]], "trackers": [[888.0284023570783, 207.28880357967915, 1147.045619401114, 986.3412245467766, 0.0], [1041.8424442149553, 363.01850051377926, 1267.340902857704, 1041.5259195885133, 0.0], [929.1171360644603, 411.1437798150283, 1101.1817940656413, 929.3455827372956, 0.0], [427.1907855557117, 412.7532887023044, 545.5166446482814, 769.7081368037962, 0.0], [211.44391205391378, 432.91347233151794, 321.2512727527005, 764.3157237907996, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 21}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [3], "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3296], [204.65, 430.92, 316.79, 769.33, 1.4344], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.2464], [84.573, 418.86, 222.863, 835.72, 0.39375], [442.87, 390.88, 571.83, 779.76, 0.31378]], "trackers": [[888.375391476524, 207.13279361195617, 1147.3926704019952, 986.1854007013615, 0.0], [1041.8379074884622, 362.99082799816915, 1267.3343658060378, 1041.492225347285, 0.0], [929.5743499047326, 411.82996354882084, 1100.4124765346066, 926.3506566826138, 0.0], [432.73398204652966, 412.5176428978871, 550.957167435063, 769.1627541700047, 0.0], [215.35182895182473, 431.2894242830182, 326.1797126996071, 765.7519572214433, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 22}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [3], "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3639], [227.27, 430.92, 339.41, 769.33, 1.825], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1561], [104.97, 442.87, 233.93, 831.75, 0.84747], [468.86, 390.88, 597.82, 779.76, 0.43008]], "trackers": [[888.7223960663314, 206.97683017481853, 1147.7397059325149, 986.0295303253611, 0.0], [1041.83405289169, 362.9662545176277, 1267.3283527275132, 1041.461156053726, 0.0], [929.5926062827822, 412.14321240856094, 1099.9626899573195, 925.2591547122411, 0.0], [447.897729419383, 394.06775391058017, 574.8233361272992, 776.8460414520669, 0.0], [216.06641200055446, 430.7455941768864, 327.30016157064733, 766.4254247224769, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 23}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [1], "detections": [[927.01, 412.56, 1097.49, 926.01, 2.3282], [104.97, 442.87, 233.93, 831.75, 1.3257], [227.27, 430.92, 339.41, 769.33, 1.1621], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.1462], [468.86, 390.88, 597.82, 779.76, 0.85552]], "trackers": [[889.0694083913174, 206.8208900029673, 1148.0867337278557, 985.8736366840743, 0.0], [1041.830721342362, 362.94438238929234, 1267.3228164423238, 1041.4326496223912, 0.0], [929.4570204994887, 412.30724845001765, 1099.650722505957, 924.8938293551578, 0.0], [469.9012871721292, 391.0484436286903, 598.2557649936981, 778.1144814082205, 0.0], [231.79885392688072, 430.6021161595726, 343.20505331342986, 766.7994767102404, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 24}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [0], "unmatched_detections": [5], "detections": [[335.87, 434.36, 433.362, 728.83, 1.7805], [956.72, 405.34, 1139.51, 955.72, 1.2944], [243.51, 437.53, 363.77, 800.3, 1.0955], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.0834], [544.06, 408.29, 656.1999999999999, 746.7, 0.88127], [729.81, 481.15, 771.6809999999999, 608.76, 0.38034]], "trackers": [[995.4655935135497, 270.95594406908157, 1250.9797055316317, 1039.5064647860918, 0.0], [1103.9592119865683, 382.2466018147258, 1312.6174946360402, 1010.2234311809627, 0.0], [958.7401980281281, 404.84291420031116, 1143.262005846493, 960.42278232967, 0.0], [536.0212638393975, 394.92156411047, 659.6939586930628, 767.9469895526242, 0.0], [341.4894671961074, 435.1550667893743, 441.8888453355738, 738.3430852459283, 0.0], [250.15679727651673, 437.1036265454942, 370.2356059635796, 799.3169245258208, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 38}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 14}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [4], "unmatched_detections": [6], "detections": [[292.02, 437.53, 412.28, 800.3, 2.0159], [961.31, 412.56, 1131.79, 926.01, 1.633], [78.976, 416.87, 207.936, 805.75, 1.592], [1087.1, 363.04, 1312.37, 1040.8600000000001, 1.2742], [589.31, 408.29, 701.4499999999999, 746.7, 0.96689], [971.06, 292.02, 1212.57, 1018.56, 0.71655], [729.81, 472.58, 771.6809999999999, 600.1899999999999, 0.63224]], "trackers": [[964.3817789076306, 281.6140532864895, 1212.549464885666, 1028.1259584058298, 0.0], [1090.9472727011216, 365.939490563674, 1313.8108044553242, 1036.5462456303007, 0.0], [963.3259580529241, 412.0954959041752, 1133.7523824410775, 925.3812401779579, 0.0], [574.3131202757868, 407.8351440585718, 686.4718140819016, 746.2973769154646, 0.0], [389.247454724907, 438.16762460597363, 486.8390684498553, 732.9540091653422, 0.0], [298.1229355363546, 441.4200177325978, 415.768812360138, 796.3376468225348, 0.0], [95.88761323913884, 425.0471879853454, 221.84654060701507, 804.8774273992699, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 45}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [5], "unmatched_detections": [7, 6], "detections": [[130.96, 416.87, 259.92, 805.75, 1.693], [961.31, 412.56, 1131.79, 926.01, 1.6782], [1104.1, 394.97, 1300.08, 984.9200000000001, 1.4124], [442.1, 442.1, 532.996, 716.79, 1.2004], [611.94, 408.29, 724.08, 746.7, 1.0402], [988.7, 260.92, 1247.6200000000001, 1039.68, 1.002], [726.98, 469.67, 771.928, 606.51, 0.53207], [910.72, 429.87, 974.7, 623.81, 0.4928]], "trackers": [[990.8923784557684, 261.85617122941, 1249.5261617377928, 1039.7584201211353, 0.0], [1104.310013888449, 390.9201825397428, 1303.1108149462846, 989.333585276629, 0.0], [962.5332214563131, 412.5714823854983, 1132.7022668547293, 925.0849433674446, 0.0], [611.9488950376872, 407.7522633427193, 724.1273967147281, 746.2738074649033, 0.0], [444.74581605796027, 433.72877025564463, 542.1015751693086, 727.7880814516768, 0.0], [323.809971067075, 434.87668194999935, 444.82347710680233, 799.9041054523019, 0.0], [115.10143411412172, 418.34220544053835, 243.45616546643674, 805.4016041267479, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 51}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_iou_matrix_ext": [[0.0, 0.0]]}, +{"unmatched_trackers": [5], "unmatched_detections": [5], "detections": [[607.29, 389.02, 727.55, 751.79, 1.8756], [961.31, 412.56, 1131.79, 926.01, 1.7307], [454.06, 434.36, 551.552, 728.83, 1.6729], [130.96, 416.87, 259.92, 805.75, 1.4305], [1064.7, 394.97, 1260.68, 984.9200000000001, 1.3491], [719.99, 463.91, 768.236, 610.6500000000001, 0.89889], [971.06, 292.02, 1212.57, 1018.56, 0.69419]], "trackers": [[978.9034540556569, 280.97968327522153, 1227.0391579880602, 1027.395665720098, 0.0], [1077.2620657573675, 393.7837131191106, 1273.4273943805629, 984.2875785322492, 0.0], [962.3358636500406, 412.64524186627443, 1132.5107307930589, 925.1762443951083, 0.0], [616.0534256791099, 395.53706156713247, 733.1977900047442, 748.9614916533476, 0.0], [454.3659991397541, 428.1290251477896, 554.7992334757823, 731.4380964815412, 0.0], [346.17038110115305, 436.82066539297347, 466.4661884437738, 799.6944037470373, 0.0], [140.10338929726868, 417.4094346557147, 268.83739265428704, 805.6086116866893, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [6, 2], "unmatched_detections": [5], "detections": [[486.58, 423.24, 591.14, 738.9200000000001, 1.518], [972.16, 381.02, 1182.28, 1013.38, 1.436], [631.54, 389.02, 751.8, 751.79, 1.093], [408.29, 430.92, 520.4300000000001, 769.33, 0.92951], [1087.1, 363.04, 1312.37, 1040.8600000000001, 0.63666], [894.78, 442.23, 950.3489999999999, 610.94, 0.5097]], "trackers": [[934.0383885328678, 260.9819685680206, 1192.97092182706, 1039.7800766070172, 0.0], [1054.6831779457343, 382.4613047185581, 1263.48282144939, 1010.8620282152945, 0.0], [961.8839782268, 412.80156462202507, 1132.0805082072384, 925.3978123824133, 0.0], [636.5943800016128, 405.24666484240424, 741.9908655034908, 723.4481961005938, 0.0], [481.8343831119526, 432.63358169324215, 580.1469169910285, 729.5656727104131, 0.0], [408.2228045749046, 438.57775540275645, 514.9432639650624, 760.725861996464, 0.0], [148.91919342171727, 419.45696714527327, 276.79019670087433, 805.0650671884853, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 60}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 36}, {"time_since_observed": 2, "confidence": 0.47967089502442956, "age": 17}], "ret_iou_matrix_ext": [[0.0], [0.02504889853298664]]}, +{"unmatched_trackers": [0], "unmatched_detections": [5], "detections": [[961.31, 412.56, 1131.79, 926.01, 1.5285], [1041.9, 363.04, 1267.17, 1040.8600000000001, 1.5036], [493.46, 434.36, 590.952, 728.83, 1.2867], [408.29, 430.92, 520.4300000000001, 769.33, 1.265], [631.54, 389.02, 751.8, 751.79, 1.0085], [883.47, 442.23, 939.039, 610.94, 0.92862], [219.26, 413.27, 339.52, 776.04, 0.63698]], "trackers": [[956.8046069080516, 338.4488962831636, 1186.3332510990024, 1029.0623671476508, 0.0], [1076.7323852560326, 370.6157276406696, 1295.994149977591, 1030.413058995178, 0.0], [962.1942144578181, 412.81940947880054, 1132.3030542240397, 925.1515527079268, 0.0], [637.2324489131487, 394.4945927599183, 752.0187540889309, 740.8643730114461, 0.0], [491.3221528033121, 426.39937893370274, 593.6025398689704, 735.2422228364703, 0.0], [416.27231213947834, 433.10386930882527, 526.1034299775123, 764.5827622990898, 0.0], [153.48641572590674, 419.6235446364077, 281.2946612764203, 805.0423923246316, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 61}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 37}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 18}], "ret_iou_matrix_ext": [[0.01703018695116043]]}, +{"unmatched_trackers": [2, 0], "unmatched_detections": [4], "detections": [[272.53, 430.92, 384.66999999999996, 769.33, 1.5459], [680.04, 389.02, 800.3, 751.79, 1.1476], [1041.9, 363.04, 1267.17, 1040.8600000000001, 0.99078], [570.75, 442.1, 661.646, 716.79, 0.93738], [872.16, 442.23, 927.7289999999999, 610.94, 0.8402], [444.35, 444.35, 548.9100000000001, 760.03, 0.39837]], "trackers": [[936.5218513759376, 261.04519754854107, 1194.8704937527511, 1038.0935128402602, 0.0], [1055.2365522258492, 386.28222678734187, 1265.0792520985942, 1017.811233822049, 0.0], [961.4833762391172, 412.53836274964175, 1131.9327454662143, 925.8961092867894, 0.0], [685.159391932105, 406.78113634332135, 794.1215723682029, 735.6608026665072, 0.0], [575.4411793814907, 439.91255365272156, 667.9800912037845, 719.5300405862633, 0.0], [440.6590732211066, 445.35881973924825, 543.1966402290045, 754.9636162917734, 0.0], [282.6035317734987, 431.3311156346609, 393.92448522394415, 767.2641114786315, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 70}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 46}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 27}], "ret_iou_matrix_ext": [[0.0], [0.024647479876875877]]}, +{"unmatched_trackers": [2, 6, 0], "unmatched_detections": [4], "detections": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.8174], [704.29, 389.02, 824.55, 751.79, 1.5443], [607.51, 442.1, 698.406, 716.79, 1.4898], [486.58, 444.35, 591.14, 760.03, 1.1083], [1170.6, 520.84, 1299.56, 909.72, 0.65428], [849.53, 442.23, 905.0989999999999, 610.94, 0.33616]], "trackers": [[1016.8576264427546, 288.5754905694043, 1293.4432009504085, 1120.3275966165631, 0.0], [1020.5893300117543, 393.137793804311, 1216.9336688186897, 984.1793449768497, 0.0], [962.0764567642859, 412.31548161309684, 1132.507581698685, 925.6182801675732, 0.0], [709.0151477867737, 387.5141498167416, 822.0006460740058, 728.4646923101345, 0.0], [597.2043078176579, 438.0844586088354, 691.1667728567235, 721.976734949285, 0.0], [502.32098626897596, 435.6605457416034, 611.4889667393279, 765.1542674550013, 0.0], [288.64564727550635, 432.19520564733835, 399.740351094184, 767.4527701485579, 0.0], [858.103835467658, 442.16823545320614, 913.7221123216348, 611.0230989093262, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 6, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 76}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 52}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.22145035862922668], [0.0], [0.21799533069133759]]}, +{"unmatched_trackers": [2, 0, 7], "unmatched_detections": [3, 6], "detections": [[761.04, 402.13, 865.5999999999999, 717.81, 1.6753], [566.69, 430.92, 678.83, 769.33, 1.3899], [408.29, 430.92, 520.4300000000001, 769.33, 1.1539], [523.01, 458.99, 546.633, 531.859, 1.118], [681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.0451], [993.48, 405.34, 1176.27, 955.72, 0.83996], [704.29, 389.02, 824.55, 751.79, 0.51938]], "trackers": [[1176.3001439483871, 495.6474570022955, 1361.0163356600299, 1051.85976279638, 0.0], [998.921854034665, 396.1928442101388, 1189.7233631202944, 970.6146605965295, 0.0], [963.439171109874, 411.7317557402362, 1133.8700064542556, 925.0336821103247, 0.0], [753.8165057866365, 395.84207302632717, 860.3638044488839, 717.4844005999034, 0.0], [691.4004950103156, 446.2077944086005, 776.6971126846954, 704.0986840897938, 0.0], [556.4635042067213, 438.4975603982668, 661.2080983261409, 754.7235744484628, 0.0], [427.1399548050597, 421.48649251461427, 531.5641447562626, 736.7517429994069, 0.0], [818.7866801884511, 431.3401219073761, 872.0707827517938, 593.1863028513714, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 20, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 66}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 47}, {"time_since_observed": 1, "confidence": 0.2981458060346947, "age": 20}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.08794917911291122]]}, +{"unmatched_trackers": [0, 7, 1, 2], "unmatched_detections": [2, 5], "detections": [[423.24, 423.24, 527.8, 738.9200000000001, 1.4209], [566.69, 430.92, 678.83, 769.33, 1.2253], [524.81, 460.48, 546.784, 528.402, 1.1857], [761.04, 402.13, 865.5999999999999, 717.81, 1.1559], [686.94, 446.86, 771.682, 703.09, 1.0164], [702.45, 385.67, 814.59, 724.08, 0.42542]], "trackers": [[1183.974723533071, 500.37212924746694, 1368.6867351838328, 1056.5718481574272, 0.0], [992.2288142275856, 400.65322761380037, 1177.84244194459, 959.5051310230587, 0.0], [963.536497510763, 411.6900298988988, 1133.9673328463066, 924.9919562423686, 0.0], [762.3876399072964, 399.75259231802534, 867.5289520181265, 717.1734815875036, 0.0], [690.6043052620552, 430.79218236829433, 779.3642214115717, 699.0754991240258, 0.0], [569.0668369548947, 434.2681605207946, 678.3096757679319, 763.9884206518715, 0.0], [421.5644239719785, 427.8864400901416, 530.7486387588534, 757.4323710213253, 0.0], [816.0960890648976, 430.5894718265936, 869.2401976999024, 592.0104324597112, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 21, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 67}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 48}, {"time_since_observed": 2, "confidence": 0.160160284805862, "age": 21}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.11242954432964325], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [2, 4, 0, 1], "unmatched_detections": [3, 4], "detections": [[613.25, 423.24, 717.81, 738.9200000000001, 2.121], [788.93, 414.66, 886.4219999999999, 709.1300000000001, 1.3935], [493.46, 434.36, 590.952, 728.83, 0.60852], [1336.0, 430.92, 1448.14, 769.33, 0.56686], [1098.8, 423.24, 1308.92, 1055.6, 0.49083]], "trackers": [[1268.37419768693, 552.2805865930823, 1453.0820312233282, 1108.467724480217, 0.0], [958.0616295599374, 385.09774692307604, 1143.4285330658238, 943.2068045795929, 0.0], [964.6070878763494, 411.23104551108725, 1135.037923203059, 924.5329718279514, 0.0], [791.1648685600826, 410.4018218813316, 891.0530541099331, 712.0638518011374, 0.0], [727.8013997726017, 415.0255680901571, 823.2637752303334, 703.414833107304, 0.0], [618.0146726423015, 433.68206929875333, 715.6184793147479, 728.4782847189522, 0.0], [496.45803815088715, 434.1119454460865, 593.5073233733867, 727.2423090509121, 0.0]], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 446}, {"time_since_observed": 11, "confidence": 1, "age": 362}, {"time_since_observed": 32, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 78}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 59}], "ret_iou_matrix_ext": [[0.0, 0.6548798084259033], [0.0, 0.0], [0.3694005012512207, 0.6842910051345825], [0.0, 0.7153199911117554]]}, +{"unmatched_trackers": [2, 3, 1, 4], "unmatched_detections": [1, 4], "detections": [[613.25, 423.24, 717.81, 738.9200000000001, 2.0281], [1116.6, 389.02, 1358.11, 1115.56, 0.75453], [497.24, 423.72, 588.136, 698.4100000000001, 0.6391], [1334.8, 413.27, 1455.06, 776.04, 0.35217], [722.48, 449.65, 751.794, 539.593, 0.30965]], "trackers": [[1343.3461410617115, 423.56064916340927, 1458.2828512360447, 770.3753896297375, 0.0], [954.9443372784822, 383.6499373828982, 1140.311180479423, 941.7588134712081, 0.0], [964.7044142728205, 411.18931965644373, 1135.135249599528, 924.4912459733014, 0.0], [792.3602849822117, 413.2127441203824, 890.6909823873158, 710.198867104237, 0.0], [732.3173751094984, 414.19419016566764, 827.7830158054418, 702.5933193795047, 0.0], [619.5376561843975, 426.7787707934209, 721.2677560235597, 733.9618475143969, 0.0], [501.06484374262857, 434.3188496906412, 598.0363376296133, 727.2157552612848, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 447}, {"time_since_observed": 12, "confidence": 1, "age": 363}, {"time_since_observed": 33, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 3, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 79}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 60}], "ret_iou_matrix_ext": [[0.4387151300907135, 0.0], [0.0, 0.0], [0.5035131573677063, 0.0], [0.0, 0.09576380997896194]]}, +{"unmatched_trackers": [4, 3], "unmatched_detections": [4, 6], "detections": [[631.35, 434.36, 728.842, 728.83, 1.993], [493.46, 434.36, 590.952, 728.83, 0.73414], [1359.1, 413.27, 1479.36, 776.04, 0.7188], [1029.9, 446.86, 1200.38, 960.3100000000001, 0.6349], [722.48, 449.65, 751.794, 539.593, 0.61791], [1116.6, 389.02, 1358.11, 1115.56, 0.46512], [595.16, 473.9, 654.789, 654.79, 0.37431]], "trackers": [[1346.6638598302945, 412.02123807670114, 1464.4119328670965, 767.249502996699, 0.0], [1120.640656691115, 394.1998283519131, 1359.5732154878547, 1113.0270773340833, 0.0], [964.8017406692909, 411.1475938017986, 1135.2325759959974, 924.449520118653, 0.0], [795.0368936126423, 413.3083491271734, 893.3311523515166, 710.1844171790908, 0.0], [736.8341667768879, 413.3652783536098, 832.3014400500573, 701.7693395392736, 0.0], [619.7269544226602, 424.26950668388355, 722.9933191582935, 736.062042219665, 0.0], [504.65765401464057, 426.0728997082896, 597.4346456110626, 706.3912300965848, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 1, "confidence": 1, "age": 134}, {"time_since_observed": 4, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 80}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 61}], "ret_iou_matrix_ext": [[0.0957605317234993, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [3, 4], "unmatched_detections": [4], "detections": [[631.35, 434.36, 728.842, 728.83, 1.702], [1359.1, 413.27, 1479.36, 776.04, 1.3903], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.88109], [498.3, 464.01, 583.042, 720.24, 0.82148], [722.48, 449.65, 751.794, 539.593, 0.79995], [1116.6, 389.02, 1358.11, 1115.56, 0.78594]], "trackers": [[1364.841389268353, 408.617107705136, 1483.4362972825138, 766.3777547045181, 0.0], [1124.8484716129674, 393.46067203539394, 1365.9462793022367, 1118.774784520503, 0.0], [1031.844525924945, 447.83401709319287, 1202.3239850270818, 961.2823880222877, 0.0], [797.7043951097685, 413.37644805211085, 895.9804294490218, 710.1974733357981, 0.0], [741.3513665938185, 412.5375995503225, 836.8194561451317, 700.944126690272, 0.0], [632.0174780177407, 430.418263291401, 731.4190115342327, 730.6122808389496, 0.0], [503.0420966487226, 431.44345982309653, 598.4170593772034, 719.554299045311, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 2, "confidence": 1, "age": 135}, {"time_since_observed": 5, "confidence": 0.9637058884733163, "age": 105}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 81}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 62}], "ret_iou_matrix_ext": [[0.0], [0.09575890004634857]]}, +{"unmatched_trackers": [1], "unmatched_detections": [5], "detections": [[749.54, 434.36, 847.0319999999999, 728.83, 2.5903], [1143.5, 434.36, 1339.48, 1024.31, 1.9025], [607.51, 423.72, 698.406, 698.4100000000001, 1.839], [846.44, 405.34, 937.336, 680.03, 0.93913], [1482.5, 416.87, 1611.46, 805.75, 0.77206], [1098.8, 433.8, 1150.58, 591.14, 0.3364]], "trackers": [[1487.8413754523644, 393.5086964153279, 1624.9253095925283, 806.7454965354316, 0.0], [1270.4635977551468, 389.5460844679504, 1511.9720851577315, 1116.0815344736393, 0.0], [1142.574373834493, 438.2611083455972, 1327.4810633400728, 994.9945098719425, 0.0], [830.5749684336226, 398.2319352647619, 930.1692252468649, 699.0378003048361, 0.0], [754.9660815127932, 433.6664468988347, 852.4925171810687, 728.2381050701495, 0.0], [615.903126322202, 415.62882192482255, 711.6100423508027, 704.7477502248354, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 104}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 85}], "ret_iou_matrix_ext": [[0.0]]}, +{"unmatched_trackers": [1], "unmatched_detections": [7, 5], "detections": [[769.23, 434.36, 866.722, 728.83, 2.0248], [625.89, 423.72, 716.786, 698.4100000000001, 1.2788], [1143.5, 434.36, 1339.48, 1024.31, 1.1321], [846.44, 405.34, 937.336, 680.03, 0.87306], [1505.3, 391.01, 1643.59, 807.87, 0.78584], [1171.0, 223.86, 1448.58, 1058.5900000000001, 0.48501], [1098.8, 433.8, 1150.58, 591.14, 0.44854], [729.37, 449.63, 754.76, 527.8, 0.37915]], "trackers": [[1517.7334901699626, 417.3545047917974, 1646.391281146701, 805.3171559318503, 0.0], [1323.4035580035631, 400.802011224488, 1554.8422574820809, 1097.130148436179, 0.0], [1149.0548266126425, 398.78674146138565, 1344.0697104324354, 985.845507783738, 0.0], [843.8133539440249, 409.04921930965247, 929.976344230406, 669.5419481268762, 0.0], [769.0879641283534, 434.1203528059789, 866.4856991022543, 728.3056106214235, 0.0], [617.1383042774613, 413.9332791472759, 714.5284215932601, 708.097897232627, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 477}, {"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 109}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0, 0.3925359547138214]]}, +{"unmatched_trackers": [6], "unmatched_detections": [5, 6, 4], "detections": [[1167.1, 481.15, 1337.58, 994.6, 1.5145], [769.23, 434.36, 866.722, 728.83, 1.4313], [631.35, 414.66, 728.842, 709.1300000000001, 1.0102], [824.37, 402.13, 928.9300000000001, 717.81, 0.8113], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.56281], [528.8, 454.91, 554.1899999999999, 533.08, 0.49409], [729.37, 449.63, 754.76, 527.8, 0.43054], [1528.8, 413.27, 1649.06, 776.04, 0.42588], [1310.6, 389.02, 1552.11, 1115.56, 0.41894]], "trackers": [[1515.8966669697834, 411.6569130856838, 1646.5231103586643, 805.5266889740333, 0.0], [1321.6611016367626, 392.3648413969478, 1560.4912448769476, 1110.8674519008237, 0.0], [1148.3780287802654, 432.653526925603, 1344.4643785766664, 1022.9257227491391, 0.0], [848.0741950805847, 405.11065103610787, 938.1744925912593, 677.4121848574196, 0.0], [775.1396892179956, 434.18781713696865, 872.5388559691411, 728.3774158878799, 0.0], [619.8791173233097, 416.08076365778186, 715.8041069366644, 705.8536085608401, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 479}, {"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 111}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.011387146078050137]]}, +{"unmatched_trackers": [0, 6], "unmatched_detections": [4], "detections": [[788.93, 434.36, 886.4219999999999, 728.83, 1.6911], [1167.1, 481.15, 1337.58, 994.6, 1.5285], [631.35, 414.66, 728.842, 709.1300000000001, 1.495], [846.44, 405.34, 937.336, 680.03, 1.1646], [1144.7, 260.92, 1403.6200000000001, 1039.68, 0.7181], [1313.4, 408.29, 1538.67, 1086.1100000000001, 0.57443]], "trackers": [[1529.7166346589167, 412.0908819760407, 1653.5071198681046, 785.4488099705195, 0.0], [1319.9704960161775, 390.34837781468974, 1560.550273766305, 1114.099024388306, 0.0], [1163.4549114916745, 465.3622247114608, 1344.0728746733325, 1009.2404968568362, 0.0], [833.0923603020585, 403.826444990969, 932.4403014283462, 703.8872578745876, 0.0], [775.266372825383, 434.2160945981484, 872.6665981335499, 728.4088923936781, 0.0], [631.1268949423325, 414.83622542884586, 728.0230022499416, 707.5202199784742, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 480}, {"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 112}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 93}, {"time_since_observed": 1, "confidence": 0.03998083033381038, "age": 4}], "ret_iou_matrix_ext": [[0.0], [0.0196516253054142]]}, +{"unmatched_trackers": [0, 6], "unmatched_detections": [3], "detections": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6958], [631.35, 414.66, 728.842, 709.1300000000001, 1.6643], [1167.1, 481.15, 1337.58, 994.6, 1.3634], [1144.7, 260.92, 1403.6200000000001, 1039.68, 1.0288], [846.44, 405.34, 937.336, 680.03, 0.89015], [1310.6, 389.02, 1552.11, 1115.56, 0.39012]], "trackers": [[1535.200526073257, 411.74050395318187, 1658.744962823512, 784.3563382184198, 0.0], [1320.2408786097633, 401.1506362056151, 1551.3321218817125, 1096.4369421843403, 0.0], [1169.0523205171091, 478.10080313895617, 1343.4032612758344, 1003.1704912858692, 0.0], [842.5944315259138, 404.0820761257273, 936.7244468945354, 688.4833844144728, 0.0], [788.9816519332625, 434.24144593649436, 886.3829779575289, 728.437569051333, 0.0], [635.0441522793759, 414.39967563190714, 732.3086391485009, 708.1877970945151, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 481}, {"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 113}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 94}, {"time_since_observed": 2, "confidence": 0.02758084171315316, "age": 5}], "ret_iou_matrix_ext": [[0.0], [0.02928510680794716]]}, +{"unmatched_trackers": [3], "unmatched_detections": [3, 5], "detections": [[788.93, 434.36, 886.4219999999999, 728.83, 2.0158], [644.27, 423.72, 735.1659999999999, 698.4100000000001, 2.0002], [1167.1, 481.15, 1337.58, 994.6, 1.6194], [736.17, 442.1, 781.1179999999999, 578.94, 0.98145], [1196.6, 260.92, 1455.52, 1039.68, 0.70655], [911.64, 433.93, 985.283, 656.86, 0.60287], [1553.6, 389.14, 1701.8899999999999, 836.0, 0.3361], [1359.1, 389.02, 1600.61, 1115.56, 0.30468]], "trackers": [[1558.9350606632365, 394.15991884980633, 1702.4208803329889, 826.6244870660872, 0.0], [1323.2351947698503, 393.7407302401509, 1560.8787194344459, 1108.6841652841017, 0.0], [1183.5338624908034, 505.37844336136374, 1347.3898759948913, 998.9528968242203, 0.0], [848.7994711207007, 411.92349756294925, 944.242119973853, 700.2516638611178, 0.0], [795.639454384117, 436.0369116631651, 891.4950691260283, 725.599849459308, 0.0], [638.628899459547, 423.10614701837585, 728.2403982387425, 693.9510721236568, 0.0], [1232.5307692307692, 260.91999999999996, 1491.4507692307693, 1039.6799999999998, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 483}, {"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 115}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0, 0.3124444782733917]]}, +{"unmatched_trackers": [2, 7, 1], "unmatched_detections": [3], "detections": [[681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.2458], [1225.5, 423.24, 1435.62, 1055.6, 1.2035], [858.42, 446.86, 943.1619999999999, 703.09, 1.1255], [571.03, 454.91, 596.42, 533.08, 0.79906], [971.35, 433.93, 1044.993, 656.86, 0.69103], [1673.0, 419.0, 1821.29, 865.86, 0.38211]], "trackers": [[1654.8822678271315, 411.14177942263467, 1808.6262659071692, 874.3829402729625, 0.0], [1413.8607524931936, 390.0147581580325, 1655.458595123323, 1116.8192172420936, 0.0], [1236.7820050067257, 495.6192193526447, 1414.1781978627237, 1029.829536630792, 0.0], [969.1231924153175, 430.4143692351798, 1053.6740139597966, 686.0656602764222, 0.0], [857.1001448184746, 438.08943405346065, 950.7900749338556, 721.164360265071, 0.0], [682.56991850866, 420.7947904331772, 775.556034771709, 701.7543382785439, 0.0], [1244.713622596996, 395.1832067193433, 1463.1795878274663, 1052.5153943247433, 0.0], [721.4816457020196, 436.80361294758296, 762.3096878729042, 561.1836985160425, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 496}, {"time_since_observed": 8, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 128}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 109}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 15}, {"time_since_observed": 4, "confidence": 0.017758365228267865, "age": 11}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 2], "unmatched_detections": [7, 4, 5], "detections": [[1267.7, 381.02, 1477.8200000000002, 1013.38, 1.3032], [681.03, 423.72, 771.9259999999999, 698.4100000000001, 1.272], [864.82, 442.1, 955.716, 716.79, 0.87189], [961.31, 429.71, 1046.052, 685.94, 0.8563], [571.03, 454.91, 596.42, 533.08, 0.71489], [537.78, 458.99, 561.403, 531.859, 0.49085], [1647.2, 378.26, 1817.68, 891.71, 0.49042], [1056.6, 296.57, 1161.1599999999999, 612.25, 0.31093]], "trackers": [[1674.4202431981294, 417.6810339346323, 1824.920397408017, 871.180954606928, 0.0], [1419.585879855099, 390.1325043253959, 1661.183804261343, 1116.9372094184614, 0.0], [1241.4221549020735, 497.72316421557366, 1418.8192652354692, 1031.9362443821676, 0.0], [975.2481014156702, 431.7548717114039, 1052.9700408879355, 666.9276178606983, 0.0], [862.4357221684892, 443.14594898952646, 950.5038499155409, 709.3573871916167, 0.0], [685.1289876802579, 422.6623051929413, 776.7533040343452, 699.5356659282226, 0.0], [1230.4143112677996, 427.8659898197124, 1440.6395184733367, 1060.5177467912174, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 497}, {"time_since_observed": 9, "confidence": 1, "age": 413}, {"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 129}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 110}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 16}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0]]}, +{"unmatched_trackers": [1, 6, 0], "unmatched_detections": [2], "detections": [[690.44, 414.66, 787.932, 709.1300000000001, 1.2572], [864.82, 442.1, 955.716, 716.79, 1.2134], [571.03, 454.91, 596.42, 533.08, 1.1264], [1250.8, 478.86, 1433.59, 1029.24, 1.1253], [971.35, 448.86, 1044.993, 671.79, 0.43148]], "trackers": [[1663.5477395716232, 393.414881540917, 1826.9923504881924, 885.7690814135907, 0.0], [1425.3110276610382, 390.2503119950261, 1666.9089929553293, 1117.0551400925626, 0.0], [1246.0625341676605, 499.8277998032936, 1423.4601032379755, 1034.0422614087522, 0.0], [970.5065172142586, 430.8759035751035, 1052.4998369480015, 678.8629067070509, 0.0], [868.9057125644811, 442.6297319096401, 958.6101072361655, 713.7448657439521, 0.0], [685.7800620531176, 423.38640865432967, 776.8798941543929, 698.6856987630795, 0.0], [1261.1539452504608, 400.77922464909653, 1470.3133995657577, 1030.2396777213626, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 498}, {"time_since_observed": 10, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 130}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 111}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 17}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 3, 6, 0], "unmatched_detections": [4], "detections": [[690.44, 414.66, 787.932, 709.1300000000001, 1.9633], [1270.0, 481.15, 1440.48, 994.6, 1.0093], [572.25, 458.99, 595.873, 531.859, 0.85106], [867.73, 434.36, 965.222, 728.83, 0.79342], [539.36, 460.19, 564.75, 538.36, 0.43709]], "trackers": [[1677.1613533781574, 395.8076736198138, 1840.782139217878, 888.6925759906576, 0.0], [1436.7613488279485, 390.4860042120876, 1678.35934478827, 1117.2909245629637, 0.0], [1260.4176484314655, 484.9908602982681, 1442.149022420286, 1032.199101102422, 0.0], [979.0626377342443, 443.2130043909511, 1055.6211623195538, 674.8899894128668, 0.0], [871.2655014688692, 442.38330105318596, 961.8251954386265, 716.0608337038157, 0.0], [694.9522158529237, 415.92540850430055, 791.5508795346905, 707.7182414329311, 0.0], [1272.4449975187122, 389.0542866999712, 1481.7777369136707, 1019.0426046287259, 0.0], [571.03, 454.90999999999997, 596.4199999999998, 533.08, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 500}, {"time_since_observed": 12, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 1, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 132}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [1, 2, 3, 0], "unmatched_detections": [4], "detections": [[699.41, 423.72, 790.3059999999999, 698.4100000000001, 1.302], [867.73, 434.36, 965.222, 728.83, 1.0657], [1301.1, 394.97, 1497.08, 984.9200000000001, 0.95034], [572.34, 453.55, 599.624, 537.403, 0.47943], [539.36, 460.19, 564.75, 538.36, 0.44406]], "trackers": [[1683.997531988116, 397.09254784808655, 1847.6476618760294, 890.0658450903668, 0.0], [1442.486514522409, 390.60386569617555, 1684.084515593735, 1117.4088014226072, 0.0], [1273.093471650547, 481.13727486585054, 1446.4950150487496, 1003.3539287978074, 0.0], [983.0986398460062, 443.6102891379752, 1059.5993858543245, 675.1124279675342, 0.0], [873.3225271533167, 437.5664869758056, 968.1892891114476, 724.1655737811011, 0.0], [695.4815124428486, 415.16143822517483, 792.6426115631135, 708.6400788216438, 0.0], [1277.4271667551047, 391.31915842149203, 1486.5425638937222, 1020.6533833360203, 0.0], [572.6300064189206, 460.3082323781366, 595.7001703653752, 531.4208841542588, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 501}, {"time_since_observed": 13, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 2, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 133}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 1], "unmatched_detections": [5], "detections": [[717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.7195], [1301.1, 434.36, 1497.08, 1024.31, 1.5972], [887.42, 434.36, 984.9119999999999, 728.83, 1.1512], [572.34, 453.55, 599.624, 537.403, 0.98343], [1282.5, 335.29, 1560.08, 1170.02, 0.64774], [676.79, 312.9, 805.75, 701.78, 0.49908], [1016.1, 448.86, 1089.743, 671.79, 0.38106]], "trackers": [[1725.9254380170803, 416.0279109626739, 1896.2104802695933, 928.8951869774888, 0.0], [1465.3871851264764, 391.0753351763467, 1706.9851909893694, 1117.8802853173613, 0.0], [1301.0055387407558, 435.6725333912488, 1498.7344560453619, 1030.8768897548366, 0.0], [1019.7560319653187, 448.68989954658923, 1093.7192173323485, 672.5791583836854, 0.0], [903.490953371885, 439.3321115289281, 996.7714854344748, 721.1734164052248, 0.0], [703.783147072567, 423.64145260980297, 794.7039728802721, 698.4035942039383, 0.0], [1293.0352710338507, 346.5080988446983, 1560.3402200304263, 1150.5021944624445, 0.0], [572.689473150501, 451.95411910930426, 600.1114469297697, 536.2643598723273, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 505}, {"time_since_observed": 17, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 191}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 137}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [6, 1], "unmatched_detections": [4], "detections": [[717.79, 423.72, 808.6859999999999, 698.4100000000001, 2.0758], [1310.0, 423.24, 1520.12, 1055.6, 1.4621], [1012.8, 429.71, 1097.542, 685.94, 0.72611], [901.58, 442.1, 992.476, 716.79, 0.71512], [1098.4, 430.92, 1153.969, 599.63, 0.61186], [572.34, 453.55, 599.624, 537.403, 0.60095], [1734.5, 355.57, 1930.48, 945.52, 0.41416]], "trackers": [[1733.8411215520891, 418.8045736514238, 1904.1603714802623, 931.7748769034083, 0.0], [1471.1123532965796, 391.19320410796934, 1712.7103593191916, 1117.9981547294701, 0.0], [1307.6976541382573, 433.2795798455109, 1504.5254143018688, 1025.7776297667963, 0.0], [1022.3819262950834, 449.13975764254343, 1096.1004327183675, 672.2948550808259, 0.0], [897.4554793845878, 436.40359796286293, 993.3270921948608, 726.0153438231596, 0.0], [716.5768554381486, 423.7632123169609, 807.4122549569174, 698.2689761011635, 0.0], [1290.9314612642388, 340.19010010537295, 1567.7389751871306, 1172.6575921616586, 0.0], [572.6461289414763, 452.7419996338821, 600.2705466438015, 537.6539908164447, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 506}, {"time_since_observed": 18, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 192}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 138}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [3, 6, 1], "unmatched_detections": [3], "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.2128], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 2.1275], [1750.1, 378.26, 1920.58, 891.71, 0.78836], [864.82, 423.72, 955.716, 698.4100000000001, 0.62449], [572.34, 453.55, 599.624, 537.403, 0.4017], [907.12, 434.36, 1004.612, 728.83, 0.31312]], "trackers": [[1743.4118176686313, 371.93648958074886, 1933.0447257329463, 942.8611147191202, 0.0], [1476.8375215066126, 391.3110731597135, 1718.4355276090841, 1118.1160240214572, 0.0], [1316.5072859807838, 426.2125571809403, 1521.9607546797206, 1044.5848629443421, 0.0], [1021.0311948031929, 436.6796146350351, 1101.8700821775858, 681.2138866477428, 0.0], [904.5764242054393, 439.95669171081863, 997.2944655634285, 720.1105727220017, 0.0], [721.0909159294943, 423.81158342373806, 811.8945081758675, 698.221904835912, 0.0], [1296.5687506060842, 343.29630411777157, 1574.7077022574115, 1179.7679455228663, 0.0], [572.6018181595401, 453.0558683627033, 600.2629029787821, 538.072662573232, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 507}, {"time_since_observed": 19, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 193}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 139}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 120}, {"time_since_observed": 1, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 1, 6, 7, 3], "unmatched_detections": [3], "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.6004], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.8315], [907.12, 434.36, 1004.612, 728.83, 0.75607], [1098.4, 430.92, 1153.969, 599.63, 0.37347]], "trackers": [[1756.0698701954404, 374.61283094624076, 1933.8379756899474, 909.9408753850921, 0.0], [1482.5626897366105, 391.4289422715184, 1724.1606958790117, 1118.2338932533835, 0.0], [1319.2151919687926, 423.69202079555066, 1527.86642111209, 1051.6535724388589, 0.0], [1025.902363283724, 436.77877019621224, 1106.7600235846082, 681.3698295307415, 0.0], [911.0887202846021, 436.6263824794248, 1006.7529874050161, 725.6165417095567, 0.0], [722.465814969174, 423.83163020774157, 813.2580847856478, 698.2079945646186, 0.0], [1302.5400915681944, 347.4071308392794, 1581.3423777074277, 1185.8736761749647, 0.0], [572.5625193008511, 453.1903253692557, 600.2087266701162, 538.158376283852, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 508}, {"time_since_observed": 20, "confidence": 1, "age": 424}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 1, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 140}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 121}, {"time_since_observed": 2, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0], [0.23268692195415497]]}, +{"unmatched_trackers": [6, 1, 3, 0], "unmatched_detections": [2, 4, 5], "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.3569], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.8668], [867.73, 414.66, 965.222, 709.1300000000001, 0.77034], [926.82, 434.36, 1024.3120000000001, 728.83, 0.66606], [1098.4, 430.92, 1153.969, 599.63, 0.58628], [544.64, 460.19, 570.03, 538.36, 0.4961], [572.34, 453.55, 599.624, 537.403, 0.32335]], "trackers": [[1764.7009323043999, 374.396997707454, 1942.5194034158112, 909.8767123636901, 0.0], [1488.2878579765909, 391.5468114133537, 1729.8858641389568, 1118.3517624552796, 0.0], [1319.6061934402378, 422.77662050840047, 1529.4631106545435, 1054.3532599069486, 0.0], [1030.7782258130128, 436.89212505964326, 1111.6452709428731, 681.5115731114864, 0.0], [913.1287061677567, 435.37943520069297, 1009.8953558542496, 727.6742881036964, 0.0], [722.670335253146, 423.8406087952063, 813.4590965385726, 698.2064694287247, 0.0], [1308.6775617181083, 352.0175724244469, 1587.81092396964, 1191.4797919634036, 0.0], [572.7019233740406, 452.9999471293711, 600.5820964700646, 538.687069977343, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 509}, {"time_since_observed": 21, "confidence": 1, "age": 425}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 2, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 141}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 122}, {"time_since_observed": 3, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 11}], "ret_iou_matrix_ext": [[0.0, 0.008920476771891117, 0.0], [0.0, 0.0, 0.0], [0.0, 0.40293100476264954, 0.0], [0.0, 0.0, 0.0]]}, +{"unmatched_trackers": [0, 1, 7], "unmatched_detections": [2, 4, 6], "detections": [[1310.0, 423.24, 1520.12, 1055.6, 2.0271], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.609], [544.64, 460.19, 570.03, 538.36, 0.76812], [1098.4, 430.92, 1153.969, 599.63, 0.64421], [1029.9, 429.71, 1114.642, 685.94, 0.52121], [919.96, 442.1, 1010.856, 716.79, 0.46704], [867.73, 414.66, 965.222, 709.1300000000001, 0.41614], [1338.2, 335.29, 1615.78, 1170.02, 0.30052]], "trackers": [[1773.3445884920154, 374.2190900767491, 1951.188237063019, 909.774623734206, 0.0], [1494.0130262215623, 391.66468057020415, 1735.6110323939108, 1118.4696316421605, 0.0], [1319.1642078489692, 422.45336552286153, 1529.4768993448436, 1055.396486464516, 0.0], [1095.0707293152475, 426.2705866147741, 1156.5906059583838, 612.8997522259191, 0.0], [927.5103374725502, 434.89745055276154, 1024.695158325548, 728.4456680856781, 0.0], [722.4566306113913, 423.8451358686658, 813.2448556222589, 698.209413735077, 0.0], [1314.897874480853, 356.8771538583169, 1594.1966276190217, 1196.8367679031398, 0.0], [572.5141720463365, 453.2635173179303, 600.1236560035301, 538.1173547596577, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 510}, {"time_since_observed": 22, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 142}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 12}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.030859580263495445, 0.0, 0.0]]}, +{"unmatched_trackers": [4, 6, 7, 0, 1], "unmatched_detections": [2, 3], "detections": [[1352.2, 423.24, 1562.3200000000002, 1055.6, 1.8742], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 1.3002], [1031.1, 433.93, 1104.743, 656.86, 0.89246], [542.7, 463.91, 566.3230000000001, 536.779, 0.53515], [1092.3, 425.4, 1151.9289999999999, 606.29, 0.43847]], "trackers": [[1781.9945397128051, 374.0601392087857, 1959.8507756770525, 909.6535783419805, 0.0], [1499.7381944690294, 391.7825497345622, 1741.3362006463692, 1118.5875008215337, 0.0], [1318.4583234586623, 422.3512865721559, 1528.941921520831, 1055.806769619497, 0.0], [1106.0679770217425, 426.2398779287195, 1163.552104379949, 600.7145985345652, 0.0], [927.2824587579493, 439.3247026475185, 1020.5238455065343, 721.0487220696718, 0.0], [722.1103510668697, 423.8477608946469, 812.8991627535538, 698.21382617428, 0.0], [1343.7491250187734, 340.5420171593492, 1621.654499324369, 1176.2596160377627, 0.0], [572.6154618214026, 453.10687810812226, 600.4152714895614, 538.5456546586088, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 511}, {"time_since_observed": 23, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 143}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 30}, {"time_since_observed": 1, "confidence": 0.03186462790634651, "age": 13}], "ret_iou_matrix_ext": [[0.018132297322154045, 0.0], [0.0, 0.0], [0.0, 0.03779680281877518], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [7, 0, 1, 3], "unmatched_detections": [1, 3, 4], "detections": [[1340.5, 434.36, 1536.48, 1024.31, 1.725], [544.64, 460.19, 570.03, 538.36, 0.95338], [717.79, 423.72, 808.6859999999999, 698.4100000000001, 0.95125], [1031.1, 448.86, 1104.743, 671.79, 0.53695], [866.6, 402.13, 971.1600000000001, 717.81, 0.52358], [938.34, 442.1, 1029.236, 716.79, 0.44742], [1282.5, 335.29, 1560.08, 1170.02, 0.37482]], "trackers": [[1790.6476379489334, 373.91066521274126, 1968.5101672757476, 909.523056077836, 0.0], [1505.4633627177443, 391.90041890267406, 1747.0613688975798, 1118.7053699971532, 0.0], [1347.7481219417173, 422.33142659797426, 1558.2940650143782, 1055.9737792924616, 0.0], [1105.1864132273108, 423.09464145899426, 1163.7721975747336, 600.8552098264788, 0.0], [932.0860439617203, 439.3534967610465, 1025.287878045643, 720.958009856063, 0.0], [721.7384330895677, 423.8494779654868, 812.5282482908349, 698.2185814162792, 0.0], [1351.5896356396593, 343.87800359776406, 1629.550948111278, 1179.7638198412108, 0.0], [572.7173986943344, 452.95222766192836, 600.7062398777271, 538.9719657939457, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 512}, {"time_since_observed": 24, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 31}, {"time_since_observed": 2, "confidence": 0.017643751456880817, "age": 14}], "ret_iou_matrix_ext": [[0.21407043933868408, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.05266911908984184, 0.0]]}, +{"unmatched_trackers": [1, 0, 6], "unmatched_detections": [2, 3, 5], "detections": [[1352.2, 423.24, 1562.3200000000002, 1055.6, 1.7599], [738.38, 429.71, 823.122, 685.94, 1.1106], [686.94, 446.86, 728.811, 574.47, 1.0648], [866.6, 402.13, 971.1600000000001, 717.81, 0.91548], [542.7, 463.91, 566.3230000000001, 536.779, 0.67865], [1029.9, 429.71, 1114.642, 685.94, 0.59824], [572.34, 453.55, 599.624, 537.403, 0.42606], [938.34, 442.1, 1029.236, 716.79, 0.3321], [1098.4, 430.92, 1153.969, 599.63, 0.3232]], "trackers": [[1799.3023095674553, 373.7659292754023, 1977.167985492049, 909.3877957549861, 0.0], [1511.1885309670831, 392.01828807266287, 1752.7865371481664, 1118.8232391708957, 0.0], [1349.1707525520892, 428.2752206607351, 1550.9920214497497, 1035.7522250216414, 0.0], [1113.2440037497245, 420.2284774373579, 1171.7052187433192, 597.6110783613019, 0.0], [942.0050448808294, 441.3301280596905, 1033.4717423529773, 717.7302016822816, 0.0], [721.3794964644474, 423.8506853167762, 812.1704625821583, 698.2232689763503, 0.0], [1300.6714301980162, 339.8734833488548, 1578.3895405838223, 1175.0211782544206, 0.0], [572.819969641354, 452.79952595261244, 600.9965741918049, 539.3963281924049, 0.0], [546.6474850952587, 456.6081768371947, 573.6695149047413, 539.8028231628051, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 513}, {"time_since_observed": 25, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]]}, +{"unmatched_trackers": [6, 8, 1, 0, 3], "unmatched_detections": [2, 3, 4], "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.6509], [738.38, 429.71, 823.122, 685.94, 1.0904], [866.6, 402.13, 971.1600000000001, 717.81, 0.98461], [686.94, 446.86, 728.811, 574.47, 0.84872], [1046.0, 448.86, 1119.643, 671.79, 0.53011], [572.34, 453.55, 599.624, 537.403, 0.48676], [938.34, 442.1, 1029.236, 716.79, 0.46407]], "trackers": [[1807.957767845859, 373.6235622731163, 1985.8250170484685, 909.2501664970832, 0.0], [1516.9136992167341, 392.13615724359005, 1758.5117053984409, 1118.9411083436999, 0.0], [1358.1033640428993, 424.6400589736668, 1565.3794317670943, 1048.4773535850961, 0.0], [1108.7269681917162, 425.86234198927093, 1164.94231545553, 596.5059129154392, 0.0], [944.4697182193237, 441.82942869881333, 1035.509938970747, 716.9499359186024, 0.0], [735.4283376555388, 427.2884090872653, 822.39063738044, 690.1778828813929, 0.0], [1303.9794013338467, 342.65700250926017, 1581.720616842016, 1177.8741786224264, 0.0], [572.4396109658231, 453.3202882687032, 599.9737948929811, 537.9422781373245, 0.0], [541.9631566574607, 465.4207993593844, 564.8879202656163, 536.090892948308, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 514}, {"time_since_observed": 26, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 127}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.13144922256469727]]}, +{"unmatched_trackers": [3, 6, 8, 0, 1], "unmatched_detections": [1, 3], "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.4684], [686.94, 446.86, 728.811, 574.47, 1.0567], [736.17, 423.72, 827.0659999999999, 698.4100000000001, 1.0073], [1029.9, 429.71, 1114.642, 685.94, 0.61658], [956.72, 442.1, 1047.616, 716.79, 0.5984], [572.34, 453.55, 599.624, 537.403, 0.5444], [867.73, 414.66, 965.222, 709.1300000000001, 0.43991]], "trackers": [[1816.613619446376, 373.4823797147835, 1994.4816552827747, 909.111352795227, 0.0], [1522.638867466541, 392.25402641498647, 1764.2368736485596, 1119.0589775160347, 0.0], [1365.9774734144592, 414.34866611996574, 1584.967791128682, 1073.3380028438041, 0.0], [1115.667078523982, 423.3485872954026, 1171.8066844079906, 593.7622427243635, 0.0], [945.0131806096133, 442.0168672027189, 1035.8990761543705, 716.6743096851362, 0.0], [740.5004470461057, 428.69433965887845, 825.9574408839159, 687.065983510861, 0.0], [1307.293149110647, 345.45789305528916, 1585.0459164592398, 1180.7098076048085, 0.0], [572.4133324850048, 453.3540446581254, 599.9056013083672, 537.8471571907002, 0.0], [540.9559398424892, 467.5785061048171, 562.8544447728955, 535.0849554336447, 0.0], [866.6000000000001, 402.13000000000005, 971.1600000000001, 717.81, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 515}, {"time_since_observed": 27, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 1, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 128}, {"time_since_observed": 2, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 17}, {"time_since_observed": 1, "confidence": 0.004204416145295746, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0, 0.10079935193061829], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [0, 3, 6, 8, 1], "unmatched_detections": [6], "detections": [[1358.6, 408.29, 1583.87, 1086.1100000000001, 1.5782], [755.53, 429.71, 840.2719999999999, 685.94, 1.3439], [956.72, 442.1, 1047.616, 716.79, 0.88181], [689.0, 449.0, 728.0, 568.0, 0.85947], [867.73, 414.66, 965.222, 709.1300000000001, 0.75381], [572.34, 453.55, 599.624, 537.403, 0.37078], [1046.0, 448.86, 1119.643, 671.79, 0.32509]], "trackers": [[1825.2696677059928, 373.3417893725342, 2003.1380968579813, 908.9719468772875, 0.0], [1528.3640357164254, 392.37189558661754, 1769.9620418986005, 1119.1768466881351, 0.0], [1368.337875236417, 410.6107532703449, 1591.6375014786809, 1082.5271380169092, 0.0], [1122.5882726843618, 420.77741192771475, 1178.689969532337, 591.0759932071073, 0.0], [957.9082032169628, 442.0943005201673, 1048.7361232926694, 716.5777902146576, 0.0], [740.8017405967582, 425.69387214890867, 829.596525410489, 694.0809475866347, 0.0], [1310.6097849376347, 348.26746848129795, 1588.3683280262762, 1183.5367517072107, 0.0], [572.399792628326, 453.36445957987127, 599.8759425511411, 537.8080135335505, 0.0], [539.9739834388231, 469.8140830373345, 560.7957088688693, 534.0011477318966, 0.0], [868.6582249215234, 423.84370840115605, 960.965159693861, 702.6116762142289, 0.0], [686.94, 446.86, 728.8110000000001, 574.47, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 516}, {"time_since_observed": 28, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 2, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 129}, {"time_since_observed": 3, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 18}, {"time_since_observed": 2, "confidence": 0.0029941491306726916, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_iou_matrix_ext": [[0.0], [0.16829179227352142], [0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 5, 6, 7, 2], "unmatched_detections": [5], "detections": [[755.53, 429.71, 840.2719999999999, 685.94, 1.5577], [966.22, 434.36, 1063.712, 728.83, 1.5135], [1359.1, 389.02, 1600.61, 1115.56, 1.4148], [689.0, 449.0, 728.0, 568.0, 1.0252], [887.71, 402.13, 992.27, 717.81, 0.73654], [1060.9, 448.86, 1134.5430000000001, 671.79, 0.58496]], "trackers": [[1534.0892039663493, 392.48976475836594, 1775.6872101486022, 1119.294715860118, 0.0], [1368.578665121519, 409.1636728591513, 1593.498667329929, 1085.9402082505671, 0.0], [1129.4999943903367, 418.17748260716974, 1185.5827271110884, 588.4184976427083, 0.0], [962.313740644793, 442.12955267436405, 1053.120216573823, 716.5487142637169, 0.0], [754.1754343049334, 428.08173590920813, 840.3515365303052, 688.611945931638, 0.0], [1313.9278647221536, 351.081386144123, 1591.6892956357815, 1186.3593535727969, 0.0], [572.389058342958, 453.3711711564272, 599.8534087068714, 537.7784536504624, 0.0], [539.0214316066911, 472.14030534608224, 558.707568393309, 532.8266946539183, 0.0], [868.4683089722447, 422.00628450557235, 961.8099127456718, 703.9247401171443, 0.0], [690.4782062028094, 450.71445595894323, 727.3864861048828, 563.2878517333643, 0.0]], "kalman_trackers": [{"time_since_observed": 29, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 3, "confidence": 0.9486289693851527, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 130}, {"time_since_observed": 4, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 19}, {"time_since_observed": 3, "confidence": 0.0026277388913542184, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0], [0.3489958643913269]]}, +{"unmatched_trackers": [5, 0], "unmatched_detections": [7], "detections": [[887.71, 402.13, 992.27, 717.81, 2.0256], [678.36, 446.86, 720.231, 574.47, 1.444], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.4424], [975.1, 442.1, 1065.996, 716.79, 1.2439], [1404.6, 364.89, 1663.52, 1143.65, 0.84255], [576.31, 454.91, 601.6999999999999, 533.08, 0.50553], [1075.9, 448.86, 1149.5430000000001, 671.79, 0.47598], [544.06, 459.21, 571.3439999999999, 543.063, 0.40738]], "trackers": [[1568.4402134660872, 393.19697978944436, 1810.038219648417, 1120.0019308914275, 0.0], [1418.857742866454, 390.63007575238083, 1659.717434908076, 1115.227923495304, 0.0], [1078.2637295117966, 445.3106733328437, 1154.533544487946, 676.146817323007, 0.0], [991.0254538541068, 436.3754041674381, 1086.8860699365366, 725.9558993494886, 0.0], [778.4165501879036, 429.65391816284136, 863.0376435582236, 685.5164213747437, 0.0], [1333.843585567527, 367.98667051740074, 1611.607859154553, 1203.2731863699855, 0.0], [576.663421333732, 454.7456931620412, 602.1028699994586, 533.0649771450019, 0.0], [891.9210254356834, 406.65349341443306, 993.9212412730695, 714.6542834291931, 0.0], [678.2729334125514, 442.89789475909026, 722.8143120687452, 578.5550658900416, 0.0]], "kalman_trackers": [{"time_since_observed": 35, "confidence": 1, "age": 439}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 136}, {"time_since_observed": 10, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [0, 6, 5], "unmatched_detections": [6], "detections": [[985.92, 434.36, 1083.412, 728.83, 1.6703], [887.71, 402.13, 992.27, 717.81, 1.5487], [772.68, 429.71, 857.4219999999999, 685.94, 1.396], [1090.8, 448.86, 1164.443, 671.79, 1.046], [1407.6, 389.02, 1649.11, 1115.56, 0.90972], [678.36, 446.86, 720.231, 574.47, 0.83816], [715.78, 449.36, 747.27, 545.83, 0.65648]], "trackers": [[1574.1653817160498, 393.31484896130917, 1815.76338789838, 1120.119800063294, 0.0], [1417.017349418703, 374.42579438721447, 1669.8418364046506, 1134.9156220836237, 0.0], [1078.724316442087, 448.6889160779323, 1153.4558670538454, 674.8970511153203, 0.0], [984.4188958173779, 439.86602030678387, 1077.1819747051948, 720.1567132615276, 0.0], [778.5294595085036, 426.1387068282804, 867.0267573997123, 693.6338497911497, 0.0], [1337.1630979841475, 370.80489635946424, 1614.9273941319566, 1206.0914800563332, 0.0], [576.6584759791698, 454.7843122836675, 602.0688604233486, 533.0159874777855, 0.0], [891.444638583855, 403.29026333120777, 995.3290018821473, 716.9495310117347, 0.0], [677.1688868897311, 445.3036631086572, 720.1493158732453, 576.2611882876174, 0.0]], "kalman_trackers": [{"time_since_observed": 36, "confidence": 1, "age": 440}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 137}, {"time_since_observed": 11, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [5, 0], "unmatched_detections": [6, 7], "detections": [[907.12, 394.97, 1004.612, 689.44, 1.7623], [985.92, 434.36, 1083.412, 728.83, 1.5036], [789.83, 429.71, 874.572, 685.94, 1.4402], [673.0, 449.0, 712.0, 568.0, 1.3057], [1404.6, 364.89, 1663.52, 1143.65, 1.036], [1090.8, 448.86, 1164.443, 671.79, 0.99014], [715.78, 449.36, 747.27, 545.83, 0.46545], [540.6, 455.71, 569.914, 545.653, 0.44282], [576.31, 454.91, 601.6999999999999, 533.08, 0.37342]], "trackers": [[1579.8905499660123, 393.4327181331744, 1821.488556148343, 1120.2376692351602, 0.0], [1417.064707617585, 383.26628808162985, 1663.4425502574672, 1124.417645611992, 0.0], [1089.328642779641, 449.86891224399415, 1163.4636438130574, 674.2818062468536, 0.0], [989.5541641714594, 436.52020959452716, 1085.2797330374947, 725.695840781799, 0.0], [777.8272147414818, 428.3416814096388, 863.8972197389262, 688.553825052803, 0.0], [1340.4826160409639, 373.6231391625997, 1618.2469234691644, 1208.9097567816088, 0.0], [576.8904885832427, 454.7144123160445, 602.3039383512934, 532.9555248101783, 0.0], [890.9939680781582, 402.1071730061627, 995.5423896896663, 717.7595587472468, 0.0], [676.918823224643, 446.21720355457853, 719.2980830739012, 575.3635392942208, 0.0]], "kalman_trackers": [{"time_since_observed": 37, "confidence": 1, "age": 441}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 138}, {"time_since_observed": 12, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [5, 0], "unmatched_detections": [5], "detections": [[789.83, 429.71, 874.572, 685.94, 1.587], [1404.6, 364.89, 1663.52, 1143.65, 1.3508], [908.82, 402.13, 1013.3800000000001, 717.81, 1.33], [669.79, 446.86, 711.661, 574.47, 1.1319], [995.61, 446.86, 1080.352, 703.09, 0.83231], [718.33, 439.76, 752.152, 543.23, 0.51879], [1090.8, 448.86, 1164.443, 671.79, 0.48251], [576.31, 454.91, 601.6999999999999, 533.08, 0.38563]], "trackers": [[1585.615718215975, 393.5505873050398, 1827.2137243983057, 1120.355538407026, 0.0], [1415.0934605154655, 371.6104035401331, 1669.9302584129948, 1138.1345723488098, 0.0], [1093.0911711985364, 450.2093534444464, 1166.996289804175, 673.9303648754933, 0.0], [991.1342060957934, 435.26891076494485, 1087.9676528616749, 727.7656427696922, 0.0], [789.5006799163627, 429.22214517347584, 874.626986826411, 686.6015820249613, 0.0], [1343.8021369178782, 376.44139044627053, 1621.5664499862742, 1211.728025026349, 0.0], [576.6347624806895, 454.80629917673366, 602.0331347443469, 533.0017772713405, 0.0], [904.9212024904388, 396.03361785851087, 1004.6706814733899, 697.2743996383359, 0.0], [672.8665285217505, 448.0327993524452, 712.9481067970141, 570.2734396664105, 0.0]], "kalman_trackers": [{"time_since_observed": 38, "confidence": 1, "age": 442}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 139}, {"time_since_observed": 13, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [5, 6, 0], "unmatched_detections": [5], "detections": [[1404.6, 364.89, 1663.52, 1143.65, 1.6059], [789.83, 429.71, 874.572, 685.94, 1.3117], [669.79, 446.86, 711.661, 574.47, 1.2888], [907.12, 414.66, 1004.612, 709.1300000000001, 1.0309], [1005.6, 434.36, 1103.092, 728.83, 0.9188], [716.42, 449.65, 745.7339999999999, 539.593, 0.90623], [1090.8, 448.86, 1164.443, 671.79, 0.59192]], "trackers": [[1591.3408864659377, 393.66845647690536, 1832.9388926482684, 1120.473407578892, 0.0], [1413.8031429400937, 367.20605636697957, 1671.792067623883, 1143.183160817053, 0.0], [1094.2578421235016, 450.2379555282593, 1168.0742073337697, 673.691820751427, 0.0], [997.6517801516969, 441.81011960612, 1087.0754214923275, 712.0921460011282, 0.0], [793.5768849460508, 429.5740997617992, 878.3414210967785, 685.8674593168383, 0.0], [1347.1216592048415, 379.2596459702087, 1624.885975093335, 1214.5462890308222, 0.0], [576.5901794475337, 454.8230940405754, 601.9853244956664, 533.0088250427779, 0.0], [911.1037013486215, 399.5280118936099, 1014.0785351862149, 710.4554512655114, 0.0], [669.1913231959322, 447.24709197513425, 710.4742342322909, 573.0979078861297, 0.0]], "kalman_trackers": [{"time_since_observed": 39, "confidence": 1, "age": 443}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 140}, {"time_since_observed": 14, "confidence": 0.9498085423611364, "age": 46}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [5, 0], "unmatched_detections": [5], "detections": [[669.79, 446.86, 711.661, 574.47, 1.7515], [789.83, 429.71, 874.572, 685.94, 1.3477], [1005.6, 434.36, 1103.092, 728.83, 1.2286], [1456.1, 389.02, 1697.61, 1115.56, 1.2211], [907.12, 414.66, 1004.612, 709.1300000000001, 1.1578], [715.78, 449.36, 747.27, 545.83, 0.85362], [1090.8, 448.86, 1164.443, 671.79, 0.65305], [578.0, 453.55, 605.284, 537.403, 0.30701]], "trackers": [[1597.0660547159005, 393.78632564877097, 1838.6640608982311, 1120.5912767507575, 0.0], [1412.7936502452444, 365.4824446268869, 1671.9703997133288, 1145.021399944553, 0.0], [1094.4552738689226, 450.15692511997565, 1168.2369604052901, 673.5063937971421, 0.0], [1007.4796480044402, 437.20389972916496, 1101.9835205011304, 722.721887852774, 0.0], [794.7758601528702, 429.7198436765123, 879.4032146940834, 685.6013725711732, 0.0], [1350.4411821968292, 382.0779036142806, 1628.2054994953714, 1217.3645509151613, 0.0], [576.7628859452502, 454.7707951240469, 602.160229632567, 532.9632952237089, 0.0], [911.6747247466578, 409.7408889907627, 1010.8899005595467, 709.3776721398967, 0.0], [668.0089535216508, 446.96964372769264, 709.7277954986952, 574.1286991531094, 0.0]], "kalman_trackers": [{"time_since_observed": 40, "confidence": 1, "age": 444}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 141}, {"time_since_observed": 15, "confidence": 0.9026865595797791, "age": 47}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [2, 5, 0], "unmatched_detections": [7], "detections": [[1456.6, 364.89, 1715.52, 1143.65, 1.8131], [926.82, 414.66, 1024.3120000000001, 709.1300000000001, 1.6853], [665.0, 449.0, 704.0, 568.0, 1.2201], [715.78, 449.36, 747.27, 545.83, 1.1193], [578.0, 453.55, 605.284, 537.403, 0.83865], [1025.3, 434.36, 1122.792, 728.83, 0.75699], [806.97, 429.71, 891.712, 685.94, 0.64515], [544.06, 459.21, 571.3439999999999, 543.063, 0.33749]], "trackers": [[1625.6918959657141, 394.37567150809923, 1867.2899021480448, 1121.180622610086, 0.0], [1466.3231383170316, 370.8533418913656, 1721.310957874616, 1137.8297461422062, 0.0], [1097.4707921138481, 451.11992494347373, 1171.2823429122157, 674.5601371081145, 0.0], [1026.3584980513554, 436.2513530153183, 1122.3040782093665, 726.086667155964, 0.0], [810.395996240921, 429.2912267913439, 895.5323161085264, 686.701030420149, 0.0], [1367.0387999988973, 396.1692003814289, 1644.8031186634241, 1231.4558517900684, 0.0], [578.2351886231277, 453.0105808207534, 605.8761400517074, 537.9438155012184, 0.0], [910.8079284944952, 410.55754003753134, 1010.714871358641, 712.2736846731804, 0.0], [661.2624962896797, 444.27003010546565, 704.2644313809818, 575.2950143439455, 0.0], [715.7609378996443, 449.36050779288007, 747.3273583479041, 546.0836750019524, 0.0]], "kalman_trackers": [{"time_since_observed": 45, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 2, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 146}, {"time_since_observed": 20, "confidence": 0.8462925279492545, "age": 52}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [2, 5, 0], "unmatched_detections": [6], "detections": [[1449.2, 408.29, 1674.47, 1086.1100000000001, 1.4426], [908.82, 402.13, 1013.3800000000001, 717.81, 1.3657], [715.78, 449.36, 747.27, 545.83, 1.1931], [661.21, 446.86, 703.081, 574.47, 1.0175], [578.0, 453.55, 605.284, 537.403, 0.54404], [809.68, 423.72, 900.5759999999999, 698.4100000000001, 0.52757], [544.64, 460.19, 570.03, 538.36, 0.35795], [1025.3, 434.36, 1122.792, 728.83, 0.32885]], "trackers": [[1631.4170642156769, 394.4935406799649, 1873.0150703980075, 1121.2984917819517, 0.0], [1465.9539399932933, 366.6646475537045, 1723.9626200845746, 1142.7003903725433, 0.0], [1099.3361317787023, 451.8010607225865, 1173.1565090883953, 675.2679922494665, 0.0], [1030.102223460419, 435.1572141533625, 1127.019518330674, 727.9053114488199, 0.0], [811.5349331383546, 429.6325391171862, 896.312122836959, 685.9641930571742, 0.0], [1370.3583236848933, 398.9874601125074, 1648.1226423714522, 1234.274111587401, 0.0], [578.2889683295502, 453.3321814076797, 605.7639658866387, 537.7658032522827, 0.0], [924.1560711508129, 413.6800448539803, 1022.3100099882064, 710.1313567533869, 0.0], [662.3940210449393, 447.1797811068856, 702.8421960009612, 570.5316688305536, 0.0], [715.7183394589225, 449.3462751516471, 747.4317387154011, 546.5079713915477, 0.0]], "kalman_trackers": [{"time_since_observed": 46, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 3, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 147}, {"time_since_observed": 21, "confidence": 0.8085152094198808, "age": 53}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 5, 2], "unmatched_detections": [6], "detections": [[926.82, 414.66, 1024.3120000000001, 709.1300000000001, 1.4383], [715.78, 449.36, 747.27, 545.83, 1.3657], [1478.8, 423.24, 1688.92, 1055.6, 1.2616], [578.0, 453.55, 605.284, 537.403, 0.99435], [661.21, 446.86, 703.081, 574.47, 0.97149], [1045.0, 434.36, 1142.492, 728.83, 0.62199], [569.0, 425.0, 608.0, 544.0, 0.45416], [789.83, 429.71, 874.572, 685.94, 0.31886]], "trackers": [[1637.1422324656396, 394.61140985183056, 1878.7402386479703, 1121.4163609538173, 0.0], [1458.2908972964483, 390.84931643024197, 1696.8785249913353, 1108.6377194069478, 0.0], [1101.2036782692567, 452.48887694124164, 1175.0284684388748, 675.9691669512761, 0.0], [1031.119765827839, 434.73445743287425, 1128.4055669028187, 728.586998366186, 0.0], [813.8233035702457, 426.18736055508566, 902.389046346418, 693.8882605165652, 0.0], [1373.6778473763973, 401.8057198601494, 1651.4421660739724, 1237.0923713681702, 0.0], [578.2886977425244, 453.45093967178383, 605.6985477771157, 537.6882888666864, 0.0], [916.1649889531285, 406.25572231047045, 1018.4572219645651, 715.1336290283389, 0.0], [660.3054074449683, 446.9974568625254, 701.6845566826764, 573.1390005239431, 0.0], [715.7123325956918, 449.34068319957726, 747.443650825014, 546.5527580983435, 0.0]], "kalman_trackers": [{"time_since_observed": 47, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 4, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 148}, {"time_since_observed": 22, "confidence": 0.7829172611150168, "age": 54}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 4, 5, 2], "unmatched_detections": [6], "detections": [[716.42, 449.65, 745.7339999999999, 539.593, 1.5117], [929.93, 402.13, 1034.49, 717.81, 1.316], [1494.4, 408.29, 1719.67, 1086.1100000000001, 1.2825], [1045.0, 434.36, 1142.492, 728.83, 1.0949], [578.0, 453.55, 605.284, 537.403, 1.0415], [661.21, 446.86, 703.081, 574.47, 0.92952], [545.0, 425.0, 584.0, 544.0, 0.37421]], "trackers": [[1642.8674007156023, 394.7292790236962, 1884.465406897933, 1121.5342301256828, 0.0], [1475.5182467842264, 408.96367192156515, 1697.0959836041616, 1075.7188550693586, 0.0], [1103.0723280242491, 453.18003293039976, 1176.8993245249162, 676.6670018825827, 0.0], [1045.1540685718699, 434.5653430555162, 1142.5801288870755, 728.8382237264407, 0.0], [800.005711454662, 428.4022104737845, 886.1159955011348, 688.7357095075864, 0.0], [1376.9973710706554, 404.6239796160731, 1654.7616897737385, 1239.9106311406576, 0.0], [578.2697393092577, 453.492410192198, 605.6531902547398, 537.6501291588462, 0.0], [925.6863799497843, 411.9483983289464, 1024.796399408283, 711.2718768984952, 0.0], [659.6431710831006, 446.93384659594625, 701.3686356096129, 574.1120656211227, 0.0], [715.7161769897325, 449.3371206694599, 747.4307384438941, 546.4961338883277, 0.0]], "kalman_trackers": [{"time_since_observed": 48, "confidence": 1, "age": 452}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 5, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 149}, {"time_since_observed": 23, "confidence": 0.7896096967990012, "age": 55}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [2, 5, 0], "unmatched_detections": [6], "detections": [[858.42, 429.71, 943.1619999999999, 685.94, 1.4871], [1064.7, 434.36, 1162.192, 728.83, 1.4533], [715.78, 449.36, 747.27, 545.83, 1.3719], [583.66, 453.55, 610.944, 537.403, 0.86515], [653.46, 442.1, 698.408, 578.94, 0.80401], [946.52, 414.66, 1044.012, 709.1300000000001, 0.6337], [544.06, 459.21, 571.3439999999999, 543.063, 0.57425], [1539.7, 363.04, 1764.97, 1040.8600000000001, 0.38704]], "trackers": [[1671.493241965416, 395.31862488302454, 1913.0912481477467, 1122.1235759850113, 0.0], [1513.3817478770031, 349.1452602782325, 1754.6520053744964, 1074.9725006254034, 0.0], [1112.42002396667, 456.6492752141268, 1186.2491577876647, 680.1427142011793, 0.0], [1071.5729019189696, 439.7369034906458, 1164.381018543116, 720.1627911188964, 0.0], [859.2003273852935, 429.6479023736846, 943.9226291861606, 685.8173647164004, 0.0], [1393.5949895530478, 418.71527842907796, 1671.3593082614668, 1254.0019299697083, 0.0], [578.1190016597054, 453.36154103884525, 605.551813420693, 537.6670762807727, 0.0], [932.584257146293, 405.05218262461557, 1035.520293674599, 715.8622451623371, 0.0], [651.4497292477437, 446.9594572987128, 693.2708381177837, 574.4226624770463, 0.0], [715.9829366731921, 449.44125014225034, 746.7784858986805, 543.8333815931583, 0.0]], "kalman_trackers": [{"time_since_observed": 53, "confidence": 1, "age": 457}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 10, "confidence": 0.5427233849202824, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 28, "confidence": 0.7115154466993893, "age": 60}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [2, 5, 0], "unmatched_detections": [5], "detections": [[858.42, 429.71, 943.1619999999999, 685.94, 1.198], [1064.7, 434.36, 1162.192, 728.83, 1.0131], [715.78, 449.36, 747.27, 545.83, 0.9935], [583.04, 449.65, 612.3539999999999, 539.593, 0.93665], [652.64, 446.86, 694.511, 574.47, 0.7495], [544.64, 460.19, 570.03, 538.36, 0.55931], [946.52, 414.66, 1044.012, 709.1300000000001, 0.49269], [1539.7, 363.04, 1764.97, 1040.8600000000001, 0.42258]], "trackers": [[1677.2184102153788, 395.4364940548902, 1918.8164163977094, 1122.241445156877, 0.0], [1537.2879939637035, 353.68994734199396, 1769.068189440787, 1051.048603133004, 0.0], [1114.2897596509863, 457.34371849742604, 1188.1189279443822, 680.8372618383447, 0.0], [1071.8627880184574, 436.4301644163587, 1167.605767380688, 725.6580400094, 0.0], [863.96393611331, 429.67997400526843, 948.6611392212988, 685.7741512688699, 0.0], [1396.9145132500169, 421.53353819315413, 1674.6788319585219, 1256.8201897340432, 0.0], [582.1547106523107, 453.4491093355761, 609.5391742313046, 537.6090324890989, 0.0], [944.4990832632618, 411.36985895296425, 1043.9172704389428, 711.6196656589759, 0.0], [651.5354703606522, 443.72934771057385, 695.4684024025423, 577.5363007848935, 0.0], [715.8409159744413, 449.4173162548531, 747.1421085039026, 545.3281486700477, 0.0]], "kalman_trackers": [{"time_since_observed": 54, "confidence": 1, "age": 458}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 11, "confidence": 0.49384505830394704, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 29, "confidence": 0.6961939396835535, "age": 61}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 5, 2], "unmatched_detections": [8], "detections": [[652.64, 446.86, 694.511, 574.47, 1.6587], [864.82, 423.72, 955.716, 698.4100000000001, 1.5042], [1553.1, 389.02, 1794.61, 1115.56, 1.278], [715.78, 449.36, 747.27, 545.83, 1.2738], [549.71, 459.21, 576.994, 543.063, 1.1149], [583.66, 453.55, 610.944, 537.403, 1.0951], [966.22, 414.66, 1063.712, 709.1300000000001, 0.69458], [1084.4, 434.36, 1181.892, 728.83, 0.53251], [545.0, 425.0, 584.0, 544.0, 0.50099]], "trackers": [[1700.1190832152297, 395.90797074235286, 1941.7170893975604, 1122.7129218443397, 0.0], [1563.510308468607, 388.7778409562945, 1804.9059967730032, 1114.9809158056692, 0.0], [1121.768755174123, 460.1216514225028, 1195.597955785381, 683.6152925951268, 0.0], [1079.4810027546937, 427.34271157843773, 1181.4560253182854, 735.2708600899255, 0.0], [864.443115551763, 429.7249916763036, 949.1273150033933, 685.7802152190649, 0.0], [1410.192608038025, 432.806577249855, 1687.9569267466104, 1268.0932287909866, 0.0], [583.9175219320431, 450.7789178081022, 612.6526121860903, 538.9962935104453, 0.0], [955.8461626578423, 404.43715377618446, 1058.9519287369794, 715.7603202548371, 0.0], [651.1222026408968, 446.79727013385514, 693.0806303660017, 574.6719495326821, 0.0], [712.6222333500184, 447.59057644975525, 745.7974655819285, 549.1363309125724, 0.0], [551.9611453546037, 459.1304843357444, 579.2597311663345, 543.099992996312, 0.0]], "kalman_trackers": [{"time_since_observed": 58, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 15, "confidence": 0.40444625648556065, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 33, "confidence": 0.7161843366387948, "age": 65}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 5], "unmatched_detections": [9], "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 2.6153], [644.06, 446.86, 685.9309999999999, 574.47, 1.5124], [583.66, 453.55, 610.944, 537.403, 1.4375], [1560.5, 364.89, 1819.42, 1143.65, 1.2778], [892.72, 429.71, 977.462, 685.94, 1.118], [1135.6, 448.86, 1209.243, 671.79, 1.0739], [718.33, 446.72, 752.152, 550.19, 0.79969], [545.0, 425.0, 584.0, 544.0, 0.68055], [1098.8, 423.24, 1203.36, 738.9200000000001, 0.56068], [577.0, 425.0, 616.0, 544.0, 0.3091]], "trackers": [[1751.6455974648943, 396.96879328914383, 1993.243603647225, 1123.7737443911305, 0.0], [1565.8355187384425, 368.488673965049, 1823.0810442223153, 1142.2347666169367, 0.0], [1125.0550484441833, 425.5120215391138, 1214.4909262115493, 695.8300687045675, 0.0], [1109.3447611222402, 434.5793006426338, 1206.70187582935, 728.6460846869268, 0.0], [897.7147857200638, 429.7347170445984, 982.4049137540243, 685.8078359501619, 0.0], [1440.0683213111308, 458.17091512769684, 1717.8326400197218, 1293.4575666688447, 0.0], [583.6858439010438, 451.96518049282236, 611.8203940230843, 538.3787213472057, 0.0], [990.5492136272619, 414.86553136256384, 1087.9928510633022, 709.1867463090157, 0.0], [651.6824239111019, 447.2405508224905, 693.1655634024231, 573.6900964745436, 0.0], [715.790620356648, 449.305401318294, 747.3507242773168, 545.9894745417437, 0.0], [545.1086125801272, 421.4429731406338, 585.2777666758064, 544.0510044371509, 0.0]], "kalman_trackers": [{"time_since_observed": 67, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 42, "confidence": 0.6169789357958382, "age": 74}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_iou_matrix_ext": [[0.0], [0.0]]}, +{"unmatched_trackers": [0, 5, 3], "unmatched_detections": [8], "detections": [[985.92, 414.66, 1083.412, 709.1300000000001, 2.0616], [583.04, 449.65, 612.3539999999999, 539.593, 1.6084], [649.0, 449.0, 688.0, 568.0, 1.3319], [1560.5, 364.89, 1819.42, 1143.65, 1.2729], [911.64, 433.93, 985.283, 656.86, 1.2497], [1132.8, 446.86, 1217.542, 703.09, 1.0794], [717.57, 441.39, 753.8910000000001, 552.35, 0.58545], [544.22, 439.76, 578.042, 543.23, 0.48818], [575.47, 421.14, 617.341, 548.75, 0.42099]], "trackers": [[1757.370765714857, 397.0866624610095, 1998.9687718971877, 1123.891613562996, 0.0], [1566.0972571568107, 366.2559970379804, 1824.8822828488353, 1144.6186580123506, 0.0], [1134.8211973017128, 442.4998061790827, 1212.854818922348, 678.6225278213151, 0.0], [1105.4708995380033, 427.1469116154071, 1207.5533008492125, 735.3977188958463, 0.0], [897.8404022801586, 429.7400937620025, 982.5299807377693, 685.8115747457314, 0.0], [1443.387845008143, 460.9891748919024, 1721.1521637167339, 1296.2758264330503, 0.0], [583.7974071876444, 452.93177673056726, 611.4397740277294, 537.8660786764084, 0.0], [990.296298194779, 415.01899972283525, 1087.646241531972, 709.0588908019919, 0.0], [646.0122749349022, 447.0638063526726, 687.7568053002175, 574.2966770985275, 0.0], [717.6776939366516, 447.5997756066845, 750.7748314661874, 548.9057820579171, 0.0], [544.9935493351037, 421.0730561134839, 585.318150854465, 544.1303583493516, 0.0]], "kalman_trackers": [{"time_since_observed": 68, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 43, "confidence": 0.6054038360511105, "age": 75}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [0, 2, 5], "unmatched_detections": [7, 9], "detections": [[993.27, 402.13, 1097.83, 717.81, 1.9261], [583.66, 453.55, 610.944, 537.403, 1.6977], [901.58, 423.72, 992.476, 698.4100000000001, 1.5834], [1122.1, 423.72, 1212.9959999999999, 698.4100000000001, 1.2225], [644.06, 446.86, 685.9309999999999, 574.47, 1.109], [1601.6, 389.02, 1843.11, 1115.56, 1.1021], [717.57, 441.39, 753.8910000000001, 552.35, 0.8424], [1205.8, 439.76, 1239.6219999999998, 543.23, 0.69573], [545.0, 425.0, 584.0, 544.0, 0.54692], [575.47, 421.14, 617.341, 548.75, 0.46939]], "trackers": [[1763.0959339648198, 397.20453163287516, 2004.6939401471504, 1124.0094827348619, 0.0], [1565.839127753609, 365.3429001862389, 1825.2048120994352, 1145.446698262878, 0.0], [1135.6386927546025, 446.7515390495247, 1217.988211561367, 695.8156753579727, 0.0], [1108.592334960476, 427.11419468329325, 1210.7071923168764, 735.4630071242979, 0.0], [910.5022308607258, 431.0914778013316, 988.3917128687212, 666.7714025959074, 0.0], [1446.707368705155, 463.80743465610794, 1724.471687413746, 1299.0940861972558, 0.0], [583.4576242459614, 450.73786387659, 612.2112782070765, 539.0093354140049, 0.0], [989.954855113767, 415.0639281678958, 1087.2721623617479, 709.005882315429, 0.0], [647.3382845794941, 448.18906301686036, 687.3538561913925, 570.2360258593525, 0.0], [717.8931073930917, 443.345739522386, 753.2186154860478, 551.3438715039825, 0.0], [544.1853548714832, 431.35619375789355, 581.1047490564304, 544.1947988540923, 0.0]], "kalman_trackers": [{"time_since_observed": 69, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 44, "confidence": 0.5998559988689616, "age": 76}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.11826467514038086, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [5, 0, 2], "unmatched_detections": [6, 9], "detections": [[909.86, 429.71, 994.602, 685.94, 1.9785], [583.04, 449.65, 612.3539999999999, 539.593, 1.307], [1123.8, 434.36, 1221.292, 728.83, 1.2121], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.0825], [1601.6, 389.02, 1843.11, 1115.56, 0.99351], [644.06, 446.86, 685.9309999999999, 574.47, 0.89835], [575.47, 421.14, 617.341, 548.75, 0.59793], [545.0, 425.0, 584.0, 544.0, 0.57143], [718.33, 446.72, 752.152, 550.19, 0.56581], [1212.8, 439.76, 1246.6219999999998, 543.23, 0.55159]], "trackers": [[1768.8211022147825, 397.3224008047408, 2010.4191083971132, 1124.1273519067277, 0.0], [1593.8571628625598, 379.6672209255751, 1842.67678846992, 1128.1412791177672, 0.0], [1137.7261357431876, 447.8224478575064, 1220.0629570649266, 696.8481809283026, 0.0], [1122.4006152433305, 422.3655247946209, 1216.4013297566682, 706.3760030609338, 0.0], [908.4862920491859, 426.5091590345811, 994.6785823146475, 687.1094254050698, 0.0], [1450.026892402167, 466.6256944203135, 1727.791211110758, 1301.9123459614614, 0.0], [583.6785891708776, 452.4564259444563, 611.5615451856816, 538.1137954372128, 0.0], [995.0466667807193, 406.7782793802976, 1096.964054381757, 714.5313112978708, 0.0], [644.4827274291578, 447.4127033851606, 685.675755774202, 572.9925094589674, 0.0], [717.9606597419662, 441.79357035752656, 754.0936483038994, 552.2101833391804, 0.0], [544.6301340649084, 425.16429393166277, 583.6358142600916, 544.2570608700155, 0.0]], "kalman_trackers": [{"time_since_observed": 70, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 1, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 45, "confidence": 0.5950943040876985, "age": 77}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.15980276465415955]]}, +{"unmatched_trackers": [2, 4, 9], "unmatched_detections": [6], "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 1.9078], [1005.6, 414.66, 1103.092, 709.1300000000001, 1.1985], [909.86, 429.71, 994.602, 685.94, 1.1299], [1601.6, 389.02, 1843.11, 1115.56, 0.93878], [718.33, 446.72, 752.152, 550.19, 0.93002], [641.0, 449.0, 680.0, 568.0, 0.92074], [575.47, 421.14, 617.341, 548.75, 0.43958], [1140.5, 442.1, 1231.396, 716.79, 0.32586]], "trackers": [[1608.2711808549454, 388.21493851538037, 1850.7117320788755, 1117.5513146382946, 0.0], [1143.624773302865, 438.7845755452495, 1234.0006100021951, 711.9197834872336, 0.0], [1134.9608854371224, 429.65360600127116, 1231.1526897878996, 720.2286197550684, 0.0], [914.7622372914866, 429.6688664008109, 999.5388840294659, 686.0028091260167, 0.0], [1459.9854634932033, 475.08047371293014, 1737.7497822017942, 1310.367125254078, 0.0], [583.9621873270902, 449.56955899691883, 613.8346583494268, 541.198835016228, 0.0], [1009.8901845763404, 414.5822559585955, 1107.4642044283323, 709.2955292918149, 0.0], [640.8079510755094, 448.1470223634343, 680.8499169195632, 570.2733932374276, 0.0], [717.961263797484, 441.4442923854789, 754.3040674696153, 552.486612129502, 0.0], [544.8601508950003, 429.03342393105, 584.8634164697646, 551.1028331152716, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 2, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 48, "confidence": 0.5955600678546586, "age": 80}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.12786985268016768, "age": 19}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.233653262257576]]}, +{"unmatched_trackers": [4, 2, 1], "unmatched_detections": [4, 6], "detections": [[583.04, 449.65, 612.3539999999999, 539.593, 2.1976], [985.92, 414.66, 1083.412, 709.1300000000001, 1.2342], [718.33, 446.72, 752.152, 550.19, 0.8861], [927.01, 429.71, 1011.752, 685.94, 0.88239], [575.47, 421.14, 617.341, 548.75, 0.86679], [641.0, 449.0, 680.0, 568.0, 0.58237], [549.71, 459.21, 576.994, 543.063, 0.50636], [1630.2, 408.29, 1855.47, 1086.1100000000001, 0.46801], [545.0, 433.0, 584.0, 552.0, 0.38744]], "trackers": [[1608.1468226413388, 388.49351946674784, 1850.3466515866755, 1117.1075942683674, 0.0], [1143.7144014175235, 442.26159287696123, 1234.4879920112337, 716.5881927894932, 0.0], [1138.813791970076, 429.34451080938027, 1235.002186194599, 719.9092232959337, 0.0], [914.5502303266677, 429.77842297962786, 999.2752631794252, 685.9568084851027, 0.0], [1463.3049871902153, 477.8987334771357, 1741.0693058988063, 1313.1853850182836, 0.0], [583.4362065187015, 449.4695570203114, 613.0239397332725, 540.2421273595554, 0.0], [1010.007197033922, 414.85672788390116, 1107.4231848735424, 709.09543446558, 0.0], [640.0140585081024, 448.62142024209015, 679.3662448741036, 568.6761541019146, 0.0], [718.3350112465421, 444.6388690968618, 753.2303534494927, 551.3413084507232, 0.0], [544.7988064599315, 427.83981301190346, 585.4414410447057, 551.8602478481871, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 3, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 49, "confidence": 0.5917874541286423, "age": 81}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.1449491719632595, "age": 20}], "ret_iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0]]}, +{"unmatched_trackers": [0, 1, 2, 3], "unmatched_detections": [4], "detections": [[725.3, 446.72, 759.122, 550.19, 1.3113], [555.37, 459.21, 582.654, 543.063, 1.1258], [633.0, 441.0, 672.0, 560.0, 1.0879], [589.1, 449.65, 618.414, 539.593, 0.95983], [986.28, 433.93, 1059.923, 656.86, 0.78578], [1064.7, 394.97, 1162.192, 689.44, 0.74173]], "trackers": [[1716.6327021859743, 373.2967913038833, 1971.4430594098426, 1139.7371276458314, 0.0], [1156.2586222315783, 425.99217838567733, 1241.3031037369872, 683.1270865410349, 0.0], [1206.5662839411577, 434.5115116634655, 1304.0206389605908, 728.8693143116619, 0.0], [931.7475838803232, 446.9236732886836, 1007.1898457689638, 675.2553995457483, 0.0], [588.2415699447936, 451.6628052657365, 617.2631430606718, 540.746802526226, 0.0], [1069.9947735164503, 407.4573763981562, 1167.3609689222124, 701.5473891836002, 0.0], [632.1009909533784, 443.44565896285224, 671.0421759461769, 562.266157463183, 0.0], [719.0194641996814, 444.9855352915311, 754.3576541672908, 553.0226112618701, 0.0], [555.6945582701724, 459.9019327700544, 582.9881347252312, 543.7892184174876, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 360}, {"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.9084645516775721, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 37}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0], [0.7809382677078247]]}, +{"unmatched_trackers": [0, 1, 3], "unmatched_detections": [6], "detections": [[721.23, 438.28, 763.101, 565.89, 1.8465], [585.82, 449.36, 617.3100000000001, 545.83, 1.5789], [1085.4, 423.72, 1176.296, 698.4100000000001, 1.5448], [1232.4, 442.1, 1323.296, 716.79, 1.261], [625.0, 449.0, 664.0, 568.0, 1.151], [555.37, 459.21, 582.654, 543.063, 0.51894], [549.75, 429.71, 591.621, 557.3199999999999, 0.32455]], "trackers": [[1763.14973972401, 375.60857521554806, 2017.9606713207927, 1142.0506392053612, 0.0], [1164.1812513483892, 420.29061997713836, 1249.2239974592244, 677.4202811074523, 0.0], [1234.1549899593497, 439.2151767991311, 1327.5242642314074, 721.3242702278906, 0.0], [1017.4534659341475, 433.66146589620973, 1090.8894501218451, 655.9696782352675, 0.0], [585.8126568669982, 449.3533147315173, 617.3895569059339, 546.0907701507795, 0.0], [1089.0090407048692, 404.7725134807381, 1180.014053198618, 679.7837427323002, 0.0], [624.6923113598453, 449.67069132486915, 663.1892759653186, 567.1633865221663, 0.0], [725.626516162457, 441.5873402727734, 761.8188380744704, 552.1721161757416, 0.0], [560.6978829220411, 460.27153351692573, 586.1698374058055, 538.6879691125774, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 368}, {"time_since_observed": 13, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 45}], "ret_iou_matrix_ext": [[0.0], [0.0], [0.0]]}, +{"unmatched_trackers": [7], "unmatched_detections": [4], "detections": [[627.8, 453.69, 661.622, 557.16, 1.754], [721.23, 438.28, 763.101, 565.89, 1.5244], [1031.1, 433.93, 1104.743, 656.86, 1.0811], [585.82, 449.36, 617.3100000000001, 545.83, 1.0316], [1115.3, 418.86, 1183.944, 626.79, 0.60371], [1123.8, 394.97, 1221.292, 689.44, 0.54811], [1184.2, 429.71, 1268.942, 685.94, 0.5297], [1269.2, 442.1, 1360.096, 716.79, 0.37534]], "trackers": [[1196.6015381581576, 433.0751634462992, 1270.2783319420043, 656.1056792336552, 0.0], [1254.7905256878912, 442.09771220819334, 1345.638038297041, 716.6401861525901, 0.0], [1035.353335281441, 435.3948014720965, 1108.3586809863182, 656.4123789405653, 0.0], [588.908141287738, 453.2832332666787, 617.3452996852071, 540.6059708673049, 0.0], [1126.7523412814028, 404.24046079565824, 1217.7766931849817, 679.3103885756263, 0.0], [627.0493590506389, 453.1300394926061, 661.3485839126156, 558.027096551251, 0.0], [725.1427384860452, 448.6109954070795, 761.5200662248825, 559.7495322405074, 0.0], [555.0066850839492, 460.72853570743985, 580.588389753488, 539.4736123261373, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 55}], "ret_iou_matrix_ext": [[0.0]]}] diff --git a/spec/res/association__filter_low_iou_low_area.json b/spec/res/association__filter_low_iou_low_area.json new file mode 100644 index 0000000..8857a28 --- /dev/null +++ b/spec/res/association__filter_low_iou_low_area.json @@ -0,0 +1,133 @@ +[{"matched_indices_ext": [[0, 0], [1, 1], [2, 2]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0], [0.0, 1.0], [0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1], [4, 2]], "matched_indices": [[0, 1], [1, 0], [2, 2]], "iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.13144922256469727]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0, 0.0], [1.0, 0.0, 0.0], [0.0, 0.0, 0.6703237295150757]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.11242954432964325], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8559869527816772, 0.0], [0.0, 0.828283965587616]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.23467203974723816, 0.0], [0.0, 0.06192323938012123]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0], [0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.017031636089086533]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0957605317234993, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0], [0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 1]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.017316356301307678], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [0.726266086101532]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [1, 2], [2, 1]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.008920476771891117, 0.0], [0.0, 0.0, 0.0], [0.0, 0.40293100476264954, 0.0], [0.0, 0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0], [0.0]], "ret_matches_ext_com": [[[2, 1, 0]]], "ret_del_ind": [[2, 1, 0]]}, +{"matched_indices_ext": [[0, 0], [1, 2], [3, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.21407043933868408, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.05266911908984184, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.7431526780128479], [0.8744639754295349, 0.0], [0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [2, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.08794917911291122]], "iou_threshold": 0.3, "iou_matrix": [[0.8559869527816772], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [2, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [0.0, 0.15980276465415955]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0], [0.657047688961029, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0], [2, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.018132297322154045, 0.0], [0.0, 0.0], [0.0, 0.03779680281877518], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.7560861706733704, 0.0], [0.7431526780128479, 0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.7534270882606506, 0.02117784507572651, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0], [0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.006733040791004896, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0], [0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.1507166624069214, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0], [0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.749226450920105], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8518909215927124], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.2380952388048172]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.01230135653167963]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.544310986995697]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.6713594794273376]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.6893566846847534]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7180508375167847]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8675133585929871]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8675133585929871]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8675133585929871]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8685873746871948]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.6648049354553223, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.711001455783844, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8131968975067139]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8675133585929871]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8679156303405762]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.07115979492664337, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.5875497460365295]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.6448006629943848]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.6595744490623474]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.722387433052063, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7400365471839905]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7436727285385132]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7443106770515442, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8014981150627136]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8495919704437256]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.8590644598007202]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.869281530380249, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0007616353104822338]], "iou_threshold": 0.3, "iou_matrix": [[0.7542688846588135]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0008902847184799612]], "iou_threshold": 0.3, "iou_matrix": [[0.220253586769104]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.005737150553613901]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.009851481765508652]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.01703018695116043]], "iou_threshold": 0.3, "iou_matrix": [[0.6617772579193115]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.017971359193325043]], "iou_threshold": 0.3, "iou_matrix": [[0.8325865268707275]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.02795322798192501]], "iou_threshold": 0.3, "iou_matrix": [[0.8325865268707275]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.03738890588283539]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.06854533404111862, 0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.10299516469240189]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.13287359476089478]], "iou_threshold": 0.3, "iou_matrix": [[0.8212416768074036]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.13517488539218903], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.15071865916252136]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.15071965754032135]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.22145035862922668], [0.0], [0.21799533069133759]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.2343534380197525]], "iou_threshold": 0.3, "iou_matrix": [[0.6560697555541992]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.27234604954719543]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.5318329930305481]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [[[0, 0, 0]]], "ret_del_ind": [[0, 0, 0]]}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.6565828919410706], [1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.8740077614784241]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.7197706699371338]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.8526177406311035]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.7564408779144287]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [0.7537732124328613]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 0]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.165116548538208], [1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1], [1, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.0], [0.015030945651233196, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7954075336456299, 0.0], [0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1], [1, 0]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.10079935193061829], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0], [0.0, 0.6703237295150757]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1], [1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.03487272188067436, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1], [1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.05546700954437256, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.7537732124328613], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1], [1, 0]], "matched_indices": [[1, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.11826467514038086, 0.0], [0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0], [1, 1]], "iou_matrix_ext": [[0.0, 0.052107200026512146]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0], [0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.016030997037887573, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.04245450347661972]], "iou_threshold": 0.3, "iou_matrix": [[1.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.3925359547138214]], "iou_threshold": 0.3, "iou_matrix": [[0.0], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 1.1660609245300293]], "iou_threshold": 0.3, "iou_matrix": [[0.7558082938194275], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.04034680500626564, 0.13513730466365814]], "iou_threshold": 0.3, "iou_matrix": [[0.85910564661026], [0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.0, 0.1844315379858017]], "iou_threshold": 0.3, "iou_matrix": [[0.010032810270786285, 1.0, 0.0], [0.0, 0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 1], [1, 0]], "iou_matrix_ext": [[0.0, 0.3124444782733917]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0], [0.7560861706733704, 0.0]], "ret_matches_ext_com": [[[0, 1, 0]]], "ret_del_ind": [[0, 1, 0]]}, +{"matched_indices_ext": [[0, 1]], "matched_indices": [[0, 2], [1, 0]], "iou_matrix_ext": [[0.10204210877418518, 0.9214970469474792]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0, 1.0], [0.0, 0.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 2], [1, 1], [2, 0]], "matched_indices": [[0, 1], [2, 0]], "iou_matrix_ext": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.030859580263495445, 0.0, 0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0], [0.0, 0.0], [1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 2]], "matched_indices": [[0, 0], [1, 1], [2, 2]], "iou_matrix_ext": [[0.0, 0.0, 0.2385496199131012]], "iou_threshold": 0.3, "iou_matrix": [[0.7954075336456299, 0.0, 0.0], [0.0, 0.8160086870193481, 0.0], [0.0, 0.0, 0.7450264692306519]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 2]], "matched_indices": [[0, 0], [1, 2], [2, 1]], "iou_matrix_ext": [[0.0, 0.0, 0.08295026421546936]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 2]], "matched_indices": [[1, 0], [2, 1]], "iou_matrix_ext": [[0.0, 0.05590945854783058, 0.08537440001964569]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0], [0.85910564661026, 0.0], [0.0, 0.8747603893280029]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 2]], "matched_indices": [[1, 1], [2, 0]], "iou_matrix_ext": [[0.0, 0.0, 0.011387146078050137]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0], [0.0, 1.0], [0.7183401584625244, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[0, 3]], "matched_indices": [[0, 2], [1, 1], [3, 0]], "iou_matrix_ext": [[0.0, 0.0, 0.0, 0.4252396523952484]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.11609239131212234, 1.0], [0.0, 0.6723286509513855, 0.010032810270786285], [0.0, 0.0, 0.0], [0.3803340494632721, 0.0, 0.0]], "ret_matches_ext_com": [[[0, 3, 0]]], "ret_del_ind": [[0, 3, 0]]}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.022965500131249428]], "iou_threshold": 0.3, "iou_matrix": [[0.874015748500824]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.022967781871557236]], "iou_threshold": 0.3, "iou_matrix": [[0.8632819652557373]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.024647479876875877]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.02928510680794716]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.09575890004634857]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.16829179227352142], [0.0], [0.0], [0.0]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.45398765802383423]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.08872503787279129], [0.2651839852333069]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.09910669922828674], [0.36807745695114136]], "iou_threshold": 0.3, "iou_matrix": [[0.8271889090538025]], "ret_matches_ext_com": [[[1, 0, 0]]], "ret_del_ind": [[1, 0, 0]]}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.12313846498727798], [0.4729143977165222]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [[[1, 0, 0]]], "ret_del_ind": [[1, 0, 0]]}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 1]], "iou_matrix_ext": [[0.0], [0.02504889853298664]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[1, 0]], "matched_indices": [[0, 2]], "iou_matrix_ext": [[0.0], [0.0196516253054142]], "iou_threshold": 0.3, "iou_matrix": [[0.0, 0.0, 1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0], [3, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.0], [0.0, 0.0], [1.0163969993591309, 0.41101059317588806], [0.40678074955940247, 0.5241792798042297]], "iou_threshold": 0.3, "iou_matrix": [[0.7570276856422424], [0.0]], "ret_matches_ext_com": [[[2, 0, 0]]], "ret_del_ind": [[2, 0, 0]]}, +{"matched_indices_ext": [[2, 0], [3, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0, 0.6548798084259033], [0.0, 0.0], [0.3694005012512207, 0.6842910051345825], [0.0, 0.7153199911117554]], "iou_threshold": 0.3, "iou_matrix": [[0.7567163109779358], [0.0]], "ret_matches_ext_com": [[[2, 0, 0]]], "ret_del_ind": [[2, 0, 0]]}, +{"matched_indices_ext": [[2, 0], [3, 1]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.4387151300907135, 0.0], [0.0, 0.0], [0.5035131573677063, 0.0], [0.0, 0.09576380997896194]], "iou_threshold": 0.3, "iou_matrix": [[0.6513160467147827], [0.0]], "ret_matches_ext_com": [[[2, 0, 0]]], "ret_del_ind": [[2, 0, 0]]}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.019493838772177696]], "iou_threshold": 0.3, "iou_matrix": [[0.7183435559272766, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.034872543066740036]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.034872714430093765]], "iou_threshold": 0.3, "iou_matrix": [[1.0, 0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.03487272188067436]], "iou_threshold": 0.3, "iou_matrix": [[0.8687095642089844]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.05546700954437256]], "iou_threshold": 0.3, "iou_matrix": [[0.6578046679496765]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.233653262257576]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[2, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.6794031262397766]], "iou_threshold": 0.3, "iou_matrix": [[1.0]], "ret_matches_ext_com": [[[2, 0, 0]]], "ret_del_ind": [[2, 0, 0]]}, +{"matched_indices_ext": [[3, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.7809382677078247]], "iou_threshold": 0.3, "iou_matrix": [[0.6628769636154175, 0.0]], "ret_matches_ext_com": [[[3, 0, 0]]], "ret_del_ind": [[3, 0, 0]]}, +{"matched_indices_ext": [[4, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0], [0.23268692195415497]], "iou_threshold": 0.3, "iou_matrix": [[0.0]], "ret_matches_ext_com": [], "ret_del_ind": []}, +{"matched_indices_ext": [[4, 0]], "matched_indices": [[0, 0]], "iou_matrix_ext": [[0.0], [0.0], [0.0], [0.0], [0.3489958643913269]], "iou_threshold": 0.3, "iou_matrix": [[0.6634403467178345]], "ret_matches_ext_com": [[[4, 0, 0]]], "ret_del_ind": [[4, 0, 0]]}] diff --git a/spec/res/association__occluded_tracker.json b/spec/res/association__occluded_tracker.json new file mode 100644 index 0000000..779f41a --- /dev/null +++ b/spec/res/association__occluded_tracker.json @@ -0,0 +1,599 @@ +[{"frame_count": 10, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.43302974104881287], [0.0, 0.0, 0.0], [0.32479315996170044, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728, 0.0], [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217, 0.0], [1514.5433655605939, 413.27, 1634.8033655605936, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [43632.14584964385], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 100, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.20882663130760193], [0.0, 0.0, 0.0, 0.3831019103527069], [0.0, 0.0, 0.0, 0.0], [0.26099061965942383, 0.47965309023857117, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331, 0.0], [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923, 0.0], [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385, 0.0], [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "average_area": [31982.600988986174], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 101, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.18229320645332336], [0.0, 0.0, 0.0, 0.38553497195243835], [0.0, 0.0, 0.0, 0.0], [0.2564152181148529, 0.49932289123535156, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718, 0.0], [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "average_area": [31918.83544194523], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 102, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.1403796374797821], [0.0, 0.0, 0.0, 0.40650996565818787], [0.0, 0.0, 0.0, 0.0], [0.22827182710170746, 0.588196873664856, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664, 0.0], [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724, 0.0], [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347, 0.0], [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "average_area": [33007.47532835774], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 103, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0007804655469954014, 0.11060360074043274], [0.0, 0.0, 0.0, 0.41276082396507263], [0.0005411335732787848, 0.0, 0.0, 0.0], [0.1732109785079956, 0.6206669807434082, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721, 0.0], [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717, 0.0], [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268, 0.0], [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "average_area": [34088.2563541501], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 104, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.034694332629442215, 0.13668164610862732], [0.0, 0.0, 0.0, 0.3847731053829193], [0.02343684621155262, 0.0, 0.0, 0.0], [0.17643190920352936, 0.4902297258377075, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944, 0.0], [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298, 0.0], [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722, 0.0], [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "average_area": [32423.53867598383], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 105, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.047734227031469345, 0.1410064697265625], [0.0, 0.0, 0.0, 0.38848260045051575], [0.03191940486431122, 0.0, 0.0, 0.0], [0.18429473042488098, 0.5063472390174866, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671, 0.0], [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106, 0.0], [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724, 0.0], [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20}], "average_area": [32750.906720752726], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 1, "confidence": 1, "age": 20}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 106, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.05278495326638222, 0.14134368300437927], [0.0, 0.0, 0.0, 0.3665284216403961], [0.03514775633811951, 0.0, 0.0, 0.0], [0.18396039307117462, 0.5204482078552246, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258, 0.0], [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143, 0.0], [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917, 0.0], [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}], "average_area": [32097.463476593133], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 107, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.054756972938776016, 0.14550909399986267], [0.0, 0.0, 0.0, 0.3862074911594391], [0.03638976439833641, 0.0, 0.0, 0.0], [0.19113530218601227, 0.4783697724342346, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485, 0.0], [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461, 0.0], [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933, 0.0], [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 1, "age": 22}], "average_area": [33423.82041528031], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 1, "confidence": 1, "age": 22}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 108, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.055533405393362045, 0.14689993858337402], [0.0, 0.0, 0.0, 0.3884885609149933], [0.03686687350273132, 0.0, 0.0, 0.0], [0.1928800493478775, 0.4573380649089813, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816, 0.0], [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036, 0.0], [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249, 0.0], [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 23}], "average_area": [33884.978566405654], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 2, "confidence": 1, "age": 23}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 109, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.055839717388153076, 0.14825505018234253], [0.0, 0.0, 0.0, 0.5026723742485046], [0.037044838070869446, 0.0, 0.0, 0.0], [0.1946355700492859, 0.633367657661438, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971, 0.0], [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672, 0.0], [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333, 0.0], [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}], "average_area": [33277.75856583667], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 11, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4999636113643646], [0.0, 0.0, 0.0], [0.4041934311389923, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944, 0.0], [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817, 0.0], [1512.1150152881446, 413.27, 1632.3750152881448, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [42257.88713731571], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 110, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.055957067757844925, 0.1504804491996765], [0.0, 0.0, 0.0, 0.43443405628204346], [0.03710336983203888, 0.0, 0.0, 0.0], [0.198085755109787, 0.5160109996795654, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "average_area": [33854.387728327434], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 1, "confidence": 1, "age": 25}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 111, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.13037754595279694, 0.1434822976589203], [0.0, 0.0, 0.0, 0.5290597081184387], [0.07898136973381042, 0.0, 0.0, 0.0], [0.17264951765537262, 0.6144238114356995, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689, 0.0], [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079, 0.0], [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729, 0.0], [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}], "average_area": [34841.36240664116], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 112, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.15797573328018188, 0.24295465648174286], [0.0, 0.0, 0.0, 0.41581282019615173], [0.09262280911207199, 0.0, 0.0, 0.0], [0.31654468178749084, 0.5354763865470886, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135, 0.0], [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426, 0.0], [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956, 0.0], [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "average_area": [36505.66857242135], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 113, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.22056616842746735, 0.20983657240867615], [0.0, 0.0, 0.0, 0.38748738169670105], [0.1166996955871582, 0.0, 0.0, 0.0], [0.21084162592887878, 0.4629768431186676, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041, 0.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 0.0], [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278, 0.0], [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "average_area": [34984.07921631349], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 114, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.24331055581569672, 0.19335225224494934], [0.0, 0.0, 0.0, 0.4172339141368866], [0.12408564984798431, 0.0, 0.0, 0.0], [0.1760200709104538, 0.46821272373199463, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "average_area": [34741.248121326076], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 115, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3028853237628937, 0.1590930074453354], [0.0, 0.0, 0.0, 0.331023246049881], [0.1799878031015396, 0.0, 0.0, 0.0], [0.19922371208667755, 0.4382812976837158, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217, 0.0], [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307, 0.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 0.0], [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "average_area": [34976.6155786298], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 116, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3131999969482422, 0.14760272204875946], [0.0, 0.0, 0.0, 0.13741004467010498], [0.19927667081356049, 0.0, 0.0, 0.0], [0.20874865353107452, 0.3983655869960785, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486, 0.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 0.0], [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951, 0.0], [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "average_area": [30569.561223767876], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 117, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.05586674064397812, 0.23972734808921814], [0.0, 0.0, 0.0, 0.13196241855621338], [0.03317791596055031, 0.0, 0.0, 0.0], [0.3251481056213379, 0.3932003080844879, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "average_area": [31312.951072800024], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 118, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.07645998895168304, 0.17715507745742798], [0.0, 0.0, 0.0, 0.1308148056268692], [0.05312642455101013, 0.0, 0.0, 0.0], [0.25800785422325134, 0.3941044211387634, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "average_area": [31360.703525707064], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 119, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09264155477285385, 0.1550455391407013], [0.0, 0.0, 0.0, 0.13127247989177704], [0.06229676678776741, 0.0, 0.0, 0.0], [0.23225851356983185, 0.39725589752197266, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "average_area": [30832.359653102012], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 12, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.34277406334877014], [0.0, 0.0, 0.0], [0.28582650423049927, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273, 0.0], [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605, 0.0], [1531.7559813230391, 413.27, 1652.015981323039, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [40780.42096181836], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 120, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09888957440853119, 0.11863408982753754], [0.0, 0.0, 0.0, 0.16203241050243378], [0.06563615053892136, 0.0, 0.0, 0.0], [0.19698889553546906, 0.5386320948600769, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "average_area": [31846.285434349862], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 121, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.10122998803853989, 0.13403329253196716, 0.0], [0.0, 0.0, 0.0, 0.14525850117206573, 0.0], [0.06684652715921402, 0.0, 0.0, 0.0, 0.0], [0.21129284799098969, 0.45687320828437805, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368, 0.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 0.0], [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864, 0.0], [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [25108.921295621116], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 122, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.10205581784248352, 0.1404159665107727, 0.0], [0.0, 0.0, 0.0, 0.1390920877456665, 0.0], [0.06725668162107468, 0.0, 0.0, 0.0, 0.0], [0.2168096899986267, 0.42795059084892273, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 1], "trackers": [[678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882, 0.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 0.0], [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789, 0.0], [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [24852.888538354382], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 2}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4]}, +{"frame_count": 123, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.10230062156915665, 0.15822549164295197, 0.0], [0.0, 0.0, 0.0, 0.11647072434425354, 0.0], [0.06736370921134949, 0.0, 0.0, 0.0, 0.0], [0.2221650779247284, 0.3257131278514862, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123, 0.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 0.0], [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844, 0.0], [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3}], "average_area": [23909.477853805794], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4]}, +{"frame_count": 124, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.10232619941234589, 0.14994889497756958, 0.0], [0.0, 0.0, 0.0, 0.13028256595134735, 0.0], [0.06735747307538986, 0.0, 0.0, 0.0, 0.0], [0.22162982821464539, 0.3834478259086609, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524, 0.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 0.0], [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399, 0.0], [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}], "average_area": [24392.339542411268], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 125, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.10227221995592117, 0.14712223410606384, 0.0], [0.0, 0.0, 0.0, 0.13592684268951416, 0.0], [0.06731095165014267, 0.0, 0.0, 0.0, 0.0], [0.2215864658355713, 0.4076303243637085, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126, 0.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 0.0], [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963, 0.0], [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775, 0.0], [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5}], "average_area": [24631.07530317627], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 5}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4]}, +{"frame_count": 126, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09345942735671997, 0.15374460816383362, 0.0], [0.0, 0.0, 0.0, 0.13875268399715424, 0.0], [0.06742081791162491, 0.0, 0.0, 0.0, 0.0], [0.23319296538829803, 0.4190160632133484, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102, 0.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 0.0], [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967, 0.0], [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174, 0.0], [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}], "average_area": [25130.236593565387], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 127, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09030778706073761, 0.14895686507225037, 0.0], [0.0, 0.0, 0.0, 0.1405235081911087, 0.0], [0.06731969863176346, 0.0, 0.0, 0.0, 0.0], [0.22651952505111694, 0.42545226216316223, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851, 0.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 0.0], [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397, 0.0], [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986, 0.0], [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7}], "average_area": [25304.652245139143], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 7}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4]}, +{"frame_count": 128, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.042963672429323196, 0.14129681885242462, 0.0], [0.0, 0.0, 0.0, 0.14187730848789215, 0.0], [0.027150416746735573, 0.0, 0.0, 0.0, 0.0], [0.1965862363576889, 0.42993488907814026, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392, 0.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 0.0], [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133, 0.0], [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703, 0.0], [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}], "average_area": [25585.883632352623], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 129, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.02425997518002987, 0.2261054813861847, 0.0], [0.0, 0.0, 0.0, 0.0912444144487381, 0.0], [0.014400163665413857, 0.0, 0.0, 0.0, 0.0], [0.33383211493492126, 0.3030396103858948, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631, 0.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 0.0], [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908, 0.0], [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217, 0.0], [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "average_area": [26691.787404530634], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 13, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.46865537762641907], [0.0, 0.0, 0.0], [0.3580721914768219, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [41242.063343166206], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 130, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0029361220076680183, 0.24965065717697144, 0.0], [0.0, 0.0, 0.0, 0.07514479756355286, 0.0], [0.0018636762397363782, 0.0, 0.0, 0.0, 0.0], [0.37631046772003174, 0.25787338614463806, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961, 0.0], [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 0.0], [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187, 0.0], [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621, 0.0], [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "average_area": [27522.416349693645], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 131, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.010733758099377155, 0.2625459134578705, 0.0], [0.0, 0.0, 0.0, 0.07032749056816101, 0.0], [0.006389298010617495, 0.0, 0.0, 0.0, 0.0], [0.3987509608268738, 0.24427412450313568, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 1], "trackers": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "average_area": [27418.487938284845], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 11}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4, 1]}, +{"frame_count": 132, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.014423088170588017, 0.21155570447444916, 0.0], [0.0, 0.0, 0.0, 0.10693581402301788, 0.0], [0.008369292132556438, 0.0, 0.0, 0.0, 0.0], [0.35290956497192383, 0.40864887833595276, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "average_area": [28492.686209752963], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 133, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.001683629583567381, 0.19444099068641663, 0.0], [0.0, 0.0, 0.0, 0.11960410326719284, 0.0], [0.0010594360064715147, 0.0, 0.0, 0.0, 0.0], [0.3353698253631592, 0.47286340594291687, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "average_area": [29257.66140513454], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 134, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.2382660210132599, 0.0], [0.0, 0.0, 0.0, 0.09104248881340027, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.38152778148651123, 0.3342323899269104, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298, 0.0], [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 0.0], [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198, 0.0], [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157, 0.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14}], "average_area": [28451.87853920746], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 14}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 135, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.011857802048325539, 0.2038094848394394, 0.0], [0.0, 0.0, 0.0, 0.11542268842458725, 0.0], [0.007118982262909412, 0.0, 0.0, 0.0, 0.0], [0.34622707962989807, 0.44955962896347046, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222, 0.0], [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 0.0], [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666, 0.0], [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177, 0.0], [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}], "average_area": [28837.919879875284], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 136, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.2505943179130554, 0.0], [0.0, 0.0, 0.0, 0.09048561751842499, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.36453983187675476, 0.3300858438014984, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638, 0.0], [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 0.0], [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206, 0.0], [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471, 0.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16}], "average_area": [28546.857119808334], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 16}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 137, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.041162535548210144, 0.2128397673368454, 0.0], [0.0, 0.0, 0.0, 0.11651670932769775, 0.0], [0.022952495142817497, 0.0, 0.0, 0.0, 0.0], [0.31928616762161255, 0.4526464343070984, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567, 0.0], [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 0.0], [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476, 0.0], [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271, 0.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17}], "average_area": [29970.802604106546], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 17}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 138, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.07745807617902756, 0.19917675852775574, 0.0], [0.0, 0.0, 0.0, 0.12598121166229248, 0.0], [0.04390493407845497, 0.0, 0.0, 0.0, 0.0], [0.3020607531070709, 0.5007321834564209, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434, 0.0], [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 0.0], [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902, 0.0], [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562, 0.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18}], "average_area": [30512.140516251762], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 18}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 139, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.12262316048145294, 0.0], [0.0, 0.0, 0.0, 0.1298520416021347, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.2203475534915924, 0.5204968452453613, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213, 0.0], [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 0.0], [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615, 0.0], [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936, 0.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19}], "average_area": [28964.331506648374], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 19}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 14, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4802158772945404], [0.0, 0.0, 0.0], [0.32258763909339905, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619, 0.0], [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794, 0.0], [1537.713824417538, 413.27, 1657.9738244175383, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [44227.14630929491], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 140, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.05928490310907364, 0.08090166002511978, 0.0], [0.0, 0.0, 0.0, 0.1316787749528885, 0.0], [0.03487657383084297, 0.0, 0.0, 0.0, 0.0], [0.14338088035583496, 0.5294421911239624, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958, 0.0], [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 0.0], [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659, 0.0], [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185, 0.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20}], "average_area": [28993.610417058226], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 20}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 141, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.056166891008615494, 0.1304197758436203, 0.0], [0.0, 0.0, 0.0, 0.06954887509346008, 0.0], [0.03551149740815163, 0.0, 0.0, 0.0, 0.0], [0.19457672536373138, 0.2368989884853363, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4], "trackers": [[703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266, 0.0], [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 0.0], [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707, 0.0], [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324, 0.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21}], "average_area": [27361.042019642093], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 26, "confidence": 0.28045985562197634, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 6, "confidence": 0.020295388209911832, "age": 21}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 142, "min_hits": 3, "ios_matrix": [[0.0, 0.002169679617509246, 0.08259856700897217], [0.001879628049209714, 0.0, 0.0], [0.13678358495235443, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845, 0.0], [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171, 0.0], [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "average_area": [44674.98279258076], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 143, "min_hits": 3, "ios_matrix": [[0.0, 0.036763887852430344, 0.10430800169706345], [0.02943502366542816, 0.0, 0.0], [0.16417887806892395, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917, 0.0], [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792, 0.0], [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "average_area": [42839.50854320139], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 144, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.130711629986763], [0.0, 0.0, 0.0], [0.2195611298084259, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953, 0.0], [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568, 0.0], [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "average_area": [40305.19371358487], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 145, "min_hits": 3, "ios_matrix": [[0.0, 0.024566415697336197, 0.08578422665596008], [0.018816044554114342, 0.0, 0.0], [0.14828257262706757, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684, 0.0], [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444, 0.0], [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "average_area": [42995.54322102978], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 146, "min_hits": 3, "ios_matrix": [[0.0, 0.04821833595633507, 0.10649342089891434], [0.03674962371587753, 0.0, 0.0], [0.17038176953792572, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186, 0.0], [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897, 0.0], [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "average_area": [42189.70037304218], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 147, "min_hits": 3, "ios_matrix": [[0.0, 0.05721450224518776, 0.11431148648262024], [0.04352279379963875, 0.0, 0.0], [0.17741771042346954, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491, 0.0], [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833, 0.0], [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "average_area": [41879.3692563351], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 148, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.13586175441741943], [0.0, 0.0, 0.0], [0.22695107758045197, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "average_area": [39239.14569611801], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 149, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.12585753202438354], [0.0, 0.0, 0.0], [0.19835922122001648, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652, 0.0], [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761, 0.0], [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "average_area": [39836.0147023516], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 15, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.45572805404663086], [0.0, 0.0, 0.0], [0.3596266806125641, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647, 0.0], [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308, 0.0], [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [44914.9080941074], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 150, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.12210038304328918], [0.0, 0.0, 0.0], [0.188344806432724, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802, 0.0], [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342, 0.0], [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "average_area": [39378.71188770526], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 151, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.08475146442651749], [0.0, 0.0, 0.0], [0.141916424036026, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245, 0.0], [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869, 0.0], [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "average_area": [41126.6642030188], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 152, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.06463965028524399], [0.0, 0.0, 0.0], [0.10188508033752441, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008, 0.0], [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879, 0.0], [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "average_area": [42985.86866180526], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 153, "min_hits": 3, "ios_matrix": [[0.0, 0.05986353009939194, 0.0], [0.03613559901714325, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021, 0.0], [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336, 0.0], [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "average_area": [43192.34384876516], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 154, "min_hits": 3, "ios_matrix": [[0.0, 0.09552767127752304, 0.0, 0.0], [0.06078982353210449, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652, 0.0], [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429, 0.0], [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [33611.445346253226], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 155, "min_hits": 3, "ios_matrix": [[0.0, 0.10799284279346466, 0.0, 0.0], [0.07011191546916962, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [33631.30541697515], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 156, "min_hits": 3, "ios_matrix": [[0.0, 0.18096120655536652, 0.0, 0.0], [0.10785722732543945, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [37881.73192474145], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [3]}, +{"frame_count": 157, "min_hits": 3, "ios_matrix": [[0.0, 0.21359506249427795, 0.0, 0.0, 0.0], [0.1376667618751526, 0.0, 0.0, 0.0, 0.3573324382305145], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.27965834736824036, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811, 0.0], [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597, 0.0], [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169, 0.0], [511.1055259276069, 449.0, 550.1055259276069, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [33817.91732965426], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [3]}, +{"frame_count": 158, "min_hits": 3, "ios_matrix": [[0.0, 0.22187016904354095, 0.0, 0.0, 0.0], [0.14486950635910034, 0.0, 0.0, 0.0, 0.3697584569454193], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.28236299753189087, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031, 0.0], [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711, 0.0], [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207, 0.0], [514.7483263360944, 449.0, 553.7483263360944, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [33418.17337668268], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [3]}, +{"frame_count": 159, "min_hits": 3, "ios_matrix": [[0.0, 0.2391011267900467, 0.0, 0.0, 0.0], [0.1717480570077896, 0.0, 0.0, 0.0, 0.404771625995636], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.27975553274154663, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 3], "trackers": [[731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606, 0.0], [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242, 0.0], [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187, 0.0], [518.3911267445818, 449.0, 557.3911267445818, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [33808.022337685776], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 4, "confidence": 0.020591266565273242, "age": 6}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4, 3]}, +{"frame_count": 16, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4307640790939331], [0.0, 0.0, 0.0], [0.39994344115257263, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234, 0.0], [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975, 0.0], [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [46961.41488824861], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 160, "min_hits": 3, "ios_matrix": [[0.0, 0.24425090849399567, 0.0, 0.0], [0.1814470738172531, 0.0, 0.0, 0.4167206287384033], [0.0, 0.0, 0.0, 0.0], [0.0, 0.2780390977859497, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "average_area": [41281.263769303965], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [3]}, +{"frame_count": 161, "min_hits": 3, "ios_matrix": [[0.0, 0.5499907732009888, 0.0, 0.0], [0.8238927125930786, 0.0, 0.0, 0.1610267013311386], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0579698346555233, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795, 0.0], [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232, 0.0], [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}], "average_area": [47291.54974416134], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 162, "min_hits": 3, "ios_matrix": [[0.0, 0.49812570214271545, 0.0, 0.21228089928627014], [1.0, 0.0, 0.0, 0.5160895586013794], [0.0, 0.0, 0.0, 0.0], [0.16191481053829193, 0.19608287513256073, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198, 0.0], [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155, 0.0], [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089, 0.0], [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "average_area": [53373.56236835373], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 163, "min_hits": 3, "ios_matrix": [[0.0, 0.45223093032836914, 0.0, 0.2544372081756592], [1.0, 0.0, 0.0, 0.49786391854286194], [0.0, 0.0, 0.0, 0.0], [0.20057542622089386, 0.1774875968694687, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685, 0.0], [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208, 0.0], [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352, 0.0], [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "average_area": [58446.199813166924], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 164, "min_hits": 3, "ios_matrix": [[0.0, 0.4758138656616211, 0.0, 0.2570851147174835], [1.0, 0.0, 0.0, 0.5202000737190247], [0.0, 0.0, 0.0, 0.0], [0.20408937335014343, 0.19649474322795868, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191, 0.0], [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526, 0.0], [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909, 0.0], [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "average_area": [55166.8799378126], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 165, "min_hits": 3, "ios_matrix": [[0.0, 0.48647865653038025, 0.0, 0.33834949135780334], [1.0, 0.0, 0.0, 0.4886495769023895], [0.0, 0.0, 0.0, 0.0], [0.245217964053154, 0.17228524386882782, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082, 0.0], [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981, 0.0], [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765, 0.0], [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "average_area": [59937.65651221584], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 166, "min_hits": 3, "ios_matrix": [[0.0, 0.4902671277523041, 0.0, 0.3598068654537201], [1.0, 0.0, 0.013778343796730042, 0.4735223054885864], [0.0, 0.01351788081228733, 0.0, 0.0], [0.2514994442462921, 0.16227097809314728, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953, 0.0], [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517, 0.0], [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341, 0.0], [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "average_area": [61728.306325799946], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 167, "min_hits": 3, "ios_matrix": [[0.0, 0.4562653601169586, 0.0, 0.4330976605415344], [0.7190427780151367, 0.0, 0.1309332400560379, 0.07843989133834839], [0.0, 0.15276360511779785, 0.0, 0.0], [0.2722030580043793, 0.03128289058804512, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214, 0.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 0.0], [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751, 0.0], [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "average_area": [60046.85728109523], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 168, "min_hits": 3, "ios_matrix": [[0.0, 0.4299086928367615, 0.0, 0.4535689055919647], [0.6564667820930481, 0.0, 0.15929555892944336, 0.011098090559244156], [0.0, 0.186162069439888, 0.0, 0.0], [0.2738405764102936, 0.0043879966251552105, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065, 0.0], [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606, 0.0], [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455, 0.0], [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "average_area": [60685.4248956237], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 169, "min_hits": 3, "ios_matrix": [[0.0, 0.5291507244110107, 0.0, 0.414887398481369], [0.9759619235992432, 0.0, 0.04693588986992836, 0.38353481888771057], [0.0, 0.048917416483163834, 0.0, 0.0], [0.2443048059940338, 0.1224483847618103, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744, 0.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 0.0], [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491, 0.0], [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "average_area": [61525.851928130054], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 17, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.43693768978118896, 0.0], [0.0, 0.0, 0.0, 0.0], [0.38824474811553955, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [35233.49032028802], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 1, "confidence": 1, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 170, "min_hits": 3, "ios_matrix": [[0.0, 0.5256562232971191, 0.0, 0.3255264461040497], [0.9166386127471924, 0.0, 0.06233377382159233, 0.21127532422542572], [0.0, 0.06483249366283417, 0.0, 0.0], [0.17364436388015747, 0.06462892144918442, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274, 0.0], [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752, 0.0], [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478, 0.0], [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "average_area": [62036.0651173646], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 171, "min_hits": 3, "ios_matrix": [[0.0, 0.524503767490387, 0.0, 0.3242224156856537], [1.0, 0.0, 0.019351232796907425, 0.39313313364982605], [0.0, 0.019636401906609535, 0.0, 0.0], [0.19995340704917908, 0.12716688215732574, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711, 0.0], [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468, 0.0], [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692, 0.0], [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "average_area": [62363.17126778268], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 172, "min_hits": 3, "ios_matrix": [[0.0, 0.5081212520599365, 0.0, 0.20601694285869598], [1.0, 0.0, 0.0, 0.5942093729972839], [0.0, 0.0, 0.0, 0.0], [0.12208515405654907, 0.17892324924468994, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "average_area": [59957.54060417393], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 173, "min_hits": 3, "ios_matrix": [[0.0, 0.5489778518676758, 0.0, 0.20113195478916168], [1.0, 0.0, 0.028928974643349648, 0.5153384208679199], [0.0, 0.02822735719382763, 0.0, 0.0], [0.11796697974205017, 0.16593068838119507, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "average_area": [62483.30821791463], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 2, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 174, "min_hits": 3, "ios_matrix": [[0.0, 0.5644249320030212, 0.0, 0.19468799233436584], [1.0, 0.0, 0.05641600489616394, 0.47221145033836365], [0.0, 0.05608873814344406, 0.0, 0.0], [0.12516283988952637, 0.171347975730896, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "average_area": [64174.110696734395], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 175, "min_hits": 3, "ios_matrix": [[0.0, 0.10338501632213593, 0.0009765054564923048, 0.19344210624694824], [0.11885999888181686, 0.0, 0.0, 0.9770368933677673], [0.0017142521683126688, 0.0, 0.0, 0.0], [0.11694218963384628, 0.5137514472007751, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "average_area": [56511.03043192209], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 176, "min_hits": 3, "ios_matrix": [[0.0, 0.04959675297141075, 0.0, 0.04262080788612366], [0.06680595129728317, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0], [0.03255385160446167, 0.5670467019081116, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "average_area": [55229.5371756217], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 177, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.5824434161186218, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "average_area": [54724.16330952654], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 3, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 178, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.9398937821388245], [0.0, 0.0, 0.0, 0.0], [0.0, 0.5525878667831421, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188, 0.0], [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881, 0.0], [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857, 0.0], [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "average_area": [54519.31329919544], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 179, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.05459544062614441], [0.0, 0.0, 0.0, 0.6090389490127563], [0.0, 0.0, 0.0, 0.0], [0.044065915048122406, 0.45054441690444946, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951, 0.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 0.0], [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184, 0.0], [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "average_area": [54480.41403198173], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 18, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3775007128715515, 0.0], [0.0, 0.0, 0.0, 0.0], [0.3723837435245514, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [33987.1930667672], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 180, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6424890756607056], [0.0, 0.0, 0.0, 0.0], [0.0, 0.4361676871776581, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "average_area": [53939.02911406437], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 181, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0014833324821665883, 0.0], [0.0, 0.0, 0.0, 0.5913383364677429], [0.003286148654296994, 0.0, 0.0, 0.0], [0.0, 0.3876270055770874, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "average_area": [49865.200217524354], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 182, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.03955085575580597, 0.0], [0.0, 0.0, 0.0, 0.3859846591949463], [0.08250971883535385, 0.0, 0.0, 0.0], [0.0, 0.2736005187034607, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "average_area": [51701.48161951506], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 183, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.04343375936150551, 0.0174754299223423], [0.0, 0.0, 0.0, 0.3632132411003113], [0.08097125589847565, 0.0, 0.0, 0.0], [0.011239726096391678, 0.24209529161453247, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "average_area": [52711.85334512396], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 184, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.024755822494626045, 0.0], [0.0, 0.0, 0.0, 0.2884811758995056], [0.041026584804058075, 0.0, 0.0, 0.0], [0.0, 0.18757475912570953, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "average_area": [48711.517890507304], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 185, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.015204259194433689, 0.0], [0.0, 0.0, 0.0, 0.2392120361328125], [0.023917565122246742, 0.0, 0.0, 0.0], [0.0, 0.16883864998817444, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "average_area": [47885.52422544819], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 7, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 186, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.03370095044374466, 0.0], [0.0, 0.0, 0.0, 0.25348812341690063], [0.05688657611608505, 0.0, 0.0, 0.0], [0.0, 0.168518528342247, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "average_area": [51242.19921113908], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 8, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 187, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.039364043623209, 0.0], [0.0, 0.0, 0.0, 0.19296227395534515], [0.06798779964447021, 0.0, 0.0, 0.0], [0.0, 0.12523017823696136, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "average_area": [52520.60098107217], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 9, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 188, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09304095804691315, 0.0], [0.0, 0.0, 0.0, 0.10322342067956924], [0.17734985053539276, 0.0, 0.0, 0.0], [0.0, 0.06635142862796783, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034, 0.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 0.0], [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004, 0.0], [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 9, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "average_area": [55067.24377653161], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 189, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.1099780797958374, 0.0], [0.0, 0.0, 0.0, 0.0700332522392273], [0.2170294225215912, 0.0, 0.0, 0.0], [0.0, 0.049152862280607224, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103, 0.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 0.0], [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108, 0.0], [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "average_area": [56735.82738525428], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 19, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3355535864830017, 0.0], [0.0, 0.0, 0.0, 0.0], [0.3147391378879547, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [34807.352144271434], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 190, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.17146305739879608, 0.0], [0.0, 0.0, 0.0, 0.0], [0.3146563172340393, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259, 0.0], [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068, 0.0], [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952, 0.0], [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "average_area": [54606.893591029184], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 191, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.13665619492530823, 0.0], [0.0, 0.0, 0.0, 0.18748067319393158], [0.265931099653244, 0.0, 0.0, 0.0], [0.0, 0.20451155304908752, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082, 0.0], [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466, 0.0], [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402, 0.0], [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "average_area": [52569.57427413261], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 192, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.18077827990055084, 0.0], [0.0, 0.0, 0.0, 0.18269075453281403], [0.3298584520816803, 0.0, 0.0, 0.0], [0.0, 0.20958375930786133, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "average_area": [51055.32089337418], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 193, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.19793006777763367, 0.0], [0.0, 0.0, 0.0, 0.12850336730480194], [0.3519757091999054, 0.0, 0.0, 0.0], [0.0, 0.14923883974552155, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429, 0.0], [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116, 0.0], [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762, 0.0], [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "average_area": [50520.77966317534], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 194, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.21047531068325043, 0.0], [0.0, 0.0, 0.0, 0.39582937955856323], [0.34238961338996887, 0.0, 0.0, 0.0], [0.0, 0.3731342852115631, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "average_area": [47635.88530327077], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 1, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 195, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.17598506808280945, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3933243751525879, 0.0], [0.3297629654407501, 0.0, 0.0, 0.0, 0.0], [0.0, 0.37119412422180176, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [43449.852171076614], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 2, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 196, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.1737581193447113, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3588193953037262, 0.0], [0.37138664722442627, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3387049734592438, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169, 0.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 0.0], [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193, 0.0], [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691, 0.0], [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 2, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [44253.57667307464], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 3, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 197, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.20052486658096313, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3121252655982971, 0.0], [0.45176708698272705, 0.0, 0.0, 0.0, 0.0], [0.0, 0.294590026140213, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592, 0.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 0.0], [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977, 0.0], [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474, 0.0], [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 3, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [47244.13736987644], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 4, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 198, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.20882070064544678, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2608262002468109, 0.0], [0.4789058566093445, 0.0, 0.0, 0.0, 0.0], [0.0, 0.24610915780067444, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [48380.105753454925], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 5, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 199, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.17673516273498535, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3416737914085388, 0.0], [0.37458816170692444, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3222977817058563, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [46918.62628418121], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 6, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 2, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [571.03, 402.13000000000005, 675.5899999999999, 717.81, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [38317.11049999999], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 20, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4385187327861786, 0.0], [0.0, 0.0, 0.0, 0.0], [0.4044102430343628, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [34988.46766943957], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 200, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.16272525489330292, 0.0, 0.0], [0.0, 0.0, 0.0, 0.33818319439888, 0.0], [0.3342004418373108, 0.0, 0.0, 0.0, 0.0], [0.0, 0.31890633702278137, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [46604.7254980452], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 7, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 201, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.15692824125289917, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3385713994503021, 0.0, 0.3631579875946045], [0.3183625340461731, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3495086431503296, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.054735228419303894, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842, 0.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 0.0], [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793, 0.0], [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229, 0.0], [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489, 0.0], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 7, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [39945.675495869524], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 8, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 202, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.19462351500988007, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2695564925670624, 0.0, 0.47628122568130493], [0.3927861452102661, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2632530927658081, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.09014532715082169, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [42276.388344540646], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 9, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 203, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.20557095110416412, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.34176793694496155, 0.0, 0.6290582418441772], [0.45152220129966736, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3264564275741577, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.09839403629302979, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 5], "trackers": [[809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459, 0.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 0.0], [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729, 0.0], [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199, 0.0], [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284, 0.0], [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 9, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [42090.96540872055], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 10, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [5]}, +{"frame_count": 204, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.14600138366222382, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3348521888256073, 0.0, 0.7626214027404785], [0.33138975501060486, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.31706148386001587, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.11928511410951614, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 5], "trackers": [[827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626, 0.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 0.0], [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102, 0.0], [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628, 0.0], [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793, 0.0], [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 10, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4}], "average_area": [41912.60440267493], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 4}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [5]}, +{"frame_count": 205, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.12411319464445114, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2970426678657532, 0.0, 0.8961849808692932], [0.28527918457984924, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.28027230501174927, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.14017614722251892, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 5], "trackers": [[834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771, 0.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 0.0], [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196, 0.0], [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497, 0.0], [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436, 0.0], [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5}], "average_area": [41843.95973501963], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 5}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [5]}, +{"frame_count": 206, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.07339159399271011, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2967067062854767, 0.0, 1.0], [0.15575024485588074, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.30602484941482544, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.15641401708126068, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5], "trackers": [[836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796, 0.0], [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143, 0.0], [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216, 0.0], [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736, 0.0], [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689, 0.0], [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6}], "average_area": [40766.97081207496], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 4, "confidence": 0.020402519515892073, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [5]}, +{"frame_count": 207, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.09820694476366043, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3486432731151581, 0.0], [0.22018679976463318, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4533238708972931, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806, 0.0], [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486, 0.0], [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605, 0.0], [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035, 0.0], [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [47748.153114414155], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 208, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.08313456177711487, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6555056571960449, 0.0], [0.20812982320785522, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4639243185520172, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002, 0.0], [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381, 0.0], [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885, 0.0], [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898, 0.0], [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "average_area": [55744.890045175], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 209, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.04135281592607498, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7408424615859985, 0.0], [0.09873510897159576, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4583227038383484, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027, 0.0], [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107, 0.0], [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464, 0.0], [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164, 0.0], [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "average_area": [56124.962053241514], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 21, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4716537594795227, 0.0], [0.0, 0.0, 0.0, 0.0], [0.5162076354026794, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [32697.497424139863], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 210, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.02506948448717594, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7714095115661621, 0.0, 0.0], [0.058744288980960846, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4559045135974884, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563, 0.0], [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233, 0.0], [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945, 0.0], [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129, 0.0], [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [47650.77195936019], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 211, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.019460296258330345, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7829312086105347, 0.0, 0.0], [0.04526902735233307, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4549413323402405, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774, 0.0], [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534, 0.0], [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915, 0.0], [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927, 0.0], [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [47849.145215178396], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 212, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.018017739057540894, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.8208314180374146, 0.0, 0.0], [0.041794583201408386, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.47359055280685425, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131, 0.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 0.0], [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323, 0.0], [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693, 0.0], [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [46330.09212011282], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 213, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.05839196965098381, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.8649298548698425, 0.0, 0.0], [0.14789259433746338, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5253423452377319, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549, 0.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 0.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 0.0], [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057, 0.0], [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 1, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [48425.949441690194], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 214, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.009643340483307838, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.8629962801933289, 0.0, 0.0], [0.024496646597981453, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5848720073699951, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 2], "trackers": [[881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603, 0.0], [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928, 0.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 0.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 0.0], [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [49551.73234305009], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 129}, {"time_since_observed": 1, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [3, 2], "ret_unmatched_trackers": []}, +{"frame_count": 215, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7624108195304871, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.6735863089561462, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [47203.7987550161], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 2, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 216, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4720280170440674, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.8275474309921265, 0.0, 0.0], [0.9964522123336792, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7056946754455566, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077, 0.0], [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123, 0.0], [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622, 0.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 0.0], [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [43859.946927752346], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 3, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 217, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4483153522014618, 0.0, 0.0, 0.0], [0.0, 0.0, 0.07017002999782562, 0.8707066774368286, 0.0, 0.0], [1.0, 0.15865205228328705, 0.0, 0.23975415527820587, 0.0, 0.0], [0.0, 0.7338987588882446, 0.08937918394804001, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 2], "trackers": [[890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693, 0.0], [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962, 0.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 0.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 0.0], [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [44807.904525242164], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 4, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [3, 2], "ret_unmatched_trackers": []}, +{"frame_count": 218, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5089276432991028, 0.0, 0.0, 0.0], [0.0, 0.0, 0.11824404448270798, 0.8601536750793457, 0.0, 0.0], [0.9452314376831055, 0.2211170345544815, 0.0, 0.3330169916152954, 0.0, 0.0], [0.0, 0.5999307036399841, 0.12420770525932312, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [48167.2671472216], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 5, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 219, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.523036539554596, 0.0, 0.0, 0.0], [0.0, 0.0, 0.01457703672349453, 0.8743548393249512, 0.0, 0.0], [1.0, 0.023600468412041664, 0.0, 0.07519607245922089, 0.0, 0.0], [0.0, 0.5722768306732178, 0.030399201437830925, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [46316.96103936528], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 22, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.572178840637207, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.5585889220237732, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171, 0.0], [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813, 0.0], [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541, 0.0], [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681, 0.0], [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [31686.64921068143], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 220, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5101137161254883, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.8055230975151062, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.6094708442687988, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [44127.10991182834], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 1, "confidence": 1, "age": 135}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 221, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6010995507240295, 0.0, 0.0, 0.0, 0.16939111053943634, 0.0], [0.0, 0.0, 0.0, 0.7979734539985657, 0.0, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.053582001477479935, 0.0, 0.0, 0.18190491199493408, 0.0], [0.0, 0.6420060396194458, 0.02211848460137844, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3687683939933777, 0.0, 0.2380421906709671, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465, 0.0], [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125, 0.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 0.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 0.0], [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [51063.37239601586], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 2, "confidence": 1, "age": 136}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 222, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6193011403083801, 0.0, 0.0, 0.0, 0.11828520894050598, 0.0], [0.0, 0.0, 0.0, 0.6696885824203491, 0.0, 0.0, 0.0, 0.2950373888015747], [0.9739028215408325, 0.0, 0.0, 0.11010833829641342, 0.0, 0.0, 0.14323551952838898, 0.0], [0.0, 0.5521515011787415, 0.04546687379479408, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2434883415699005, 0.0, 0.18749284744262695, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.017630094662308693, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3, 7], "trackers": [[893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471, 0.0], [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054, 0.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 0.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 0.0], [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [51435.57929995052], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 3, "confidence": 1, "age": 137}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 2}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": [7]}, +{"frame_count": 223, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.618458092212677, 0.0, 0.0, 0.0, 0.09922114759683609, 0.0], [0.0, 0.0, 0.0, 0.670843780040741, 0.0, 0.0, 0.0, 0.02473226562142372], [0.9526658654212952, 0.0, 0.0, 0.16668596863746643, 0.0, 0.0, 0.10576506704092026, 0.0], [0.0, 0.6588414907455444, 0.06884036213159561, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.20009247958660126, 0.0, 0.13846451044082642, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0017603890737518668, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 7], "trackers": [[899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439, 0.0], [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752, 0.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 0.0], [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582, 0.0], [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3}], "average_area": [50483.674229266355], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 4, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 3}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": [7]}, +{"frame_count": 224, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5868825912475586, 0.0, 0.0, 0.0, 0.09309422224760056, 0.0], [0.0, 0.0, 0.0, 0.5077850818634033, 0.0, 0.0, 0.0, 0.19613121449947357], [0.8970344066619873, 0.0, 0.0, 0.12271102517843246, 0.0, 0.0, 0.06947550922632217, 0.0], [0.0, 1.0, 0.10272183269262314, 0.0, 0.0, 0.0, 0.0, 0.9078998565673828], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.18629789352416992, 0.0, 0.09096180647611618, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.013811730779707432, 0.0, 0.032465290278196335, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3, 7], "trackers": [[901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916, 0.0], [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072, 0.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 0.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 0.0], [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4}], "average_area": [55729.9564821064], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 5, "confidence": 1, "age": 139}, {"time_since_observed": 1, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 4}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": [7]}, +{"frame_count": 225, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4729400873184204, 0.0, 0.0, 0.0, 0.099441297352314, 0.0], [0.0, 0.0, 0.01266559399664402, 0.5548660159111023, 0.0, 0.0, 0.0, 0.4450471103191376], [0.7845532894134521, 0.027105282992124557, 0.0, 0.1523568332195282, 0.0, 0.0, 0.03435831144452095, 0.0], [0.0, 0.9981951117515564, 0.12807396054267883, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2159862071275711, 0.0, 0.04498572275042534, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.028510868549346924, 0.0, 0.03561042249202728, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 7], "trackers": [[898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066, 0.0], [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638, 0.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 0.0], [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723, 0.0], [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946, 0.0], [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 5, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5}], "average_area": [55607.34010490582], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 6, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 4, "confidence": 0.006828775423956966, "age": 5}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": [7]}, +{"frame_count": 226, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.40140384435653687, 0.0, 0.0, 0.0, 0.10226832330226898], [0.0, 0.0, 0.05174615606665611, 0.48358476161956787, 0.0, 0.0, 0.0], [0.6883360743522644, 0.11682027578353882, 0.0, 0.06726386398077011, 0.0, 0.0, 0.00040944700594991446], [0.0, 0.9398861527442932, 0.05790877342224121, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.22962060570716858, 0.0, 0.0005361031508073211, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074, 0.0], [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411, 0.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 0.0], [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818, 0.0], [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836, 0.0], [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 6, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [62812.34323326364], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 7, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 227, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.40196382999420166, 0.0, 0.0, 0.0, 0.09731914848089218], [0.0, 0.0, 0.0876217931509018, 0.4402335584163666, 0.0, 0.0, 0.0], [0.6390852928161621, 0.20204214751720428, 0.0, 0.09813660383224487, 0.0, 0.0, 0.0], [0.0, 0.8788395524024963, 0.08496256172657013, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.202593132853508, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383, 0.0], [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772, 0.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 0.0], [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038, 0.0], [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708, 0.0], [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 7, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [63558.05769836639], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 8, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 228, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.37093427777290344, 0.0, 0.0, 0.0, 0.09602586179971695], [0.0, 0.0, 0.06424155086278915, 0.4508318305015564, 0.0, 0.0, 0.0], [0.5738087892532349, 0.13651061058044434, 0.0, 0.23632670938968658, 0.0, 0.0, 0.0], [0.0, 1.0, 0.24668791890144348, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.19449792802333832, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434, 0.0], [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742, 0.0], [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977, 0.0], [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242, 0.0], [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844, 0.0], [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [66852.48173973642], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 229, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5313011407852173, 0.0, 0.0, 0.0, 0.10359527170658112], [0.0, 0.0, 0.0, 0.4749607443809509, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.18503184616565704], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2261672168970108, 0.0, 0.214623361825943, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587, 0.0], [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707, 0.0], [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793, 0.0], [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397, 0.0], [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325, 0.0], [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [66059.76300842503], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 23, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.28952518105506897, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.3030611574649811, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271, 0.0], [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043, 0.0], [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041, 0.0], [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972, 0.0], [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [31339.745890002065], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 230, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5116824507713318, 0.0, 0.0, 0.0, 0.1066146120429039], [0.0, 0.0, 0.0, 0.4463546872138977, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.19075323641300201], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2399010807275772, 0.0, 0.21962811052799225, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704, 0.0], [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041, 0.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 0.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 0.0], [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257, 0.0], [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [64655.1264411128], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 231, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4645625948905945, 0.0, 0.0, 0.0, 0.06564736366271973], [0.0, 0.0, 0.0, 0.5105089545249939, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.17012383043766022], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1625974327325821, 0.0, 0.19575180113315582, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294, 0.0], [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866, 0.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 0.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 0.0], [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163, 0.0], [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [65045.532709472485], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 2, "confidence": 1, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 232, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5341736078262329, 0.0, 0.0, 0.0, 0.08623043447732925], [0.0, 0.0, 0.0, 0.5348021984100342, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.1496237814426422], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1856868714094162, 0.0, 0.17210903763771057, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418, 0.0], [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385, 0.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 0.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 0.0], [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098, 0.0], [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 2, "confidence": 1, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [66644.9220662642], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 3, "confidence": 1, "age": 147}, {"time_since_observed": 3, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 233, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5607082843780518, 0.0, 0.0, 0.0, 0.09485520422458649], [0.0, 0.0, 0.0, 0.5440006852149963, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.12929381430149078], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1945621818304062, 0.0, 0.14870035648345947, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783, 0.0], [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238, 0.0], [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828, 0.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 0.0], [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868, 0.0], [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 3, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [67107.75170800193], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 4, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 234, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3976132571697235, 0.0, 0.0, 0.0, 0.09871551394462585], [0.0, 0.0, 0.0, 0.5474807024002075, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.42991358041763306], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.19888168573379517, 0.0, 0.3443906903266907, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663, 0.0], [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677, 0.0], [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455, 0.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 0.0], [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413, 0.0], [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 4, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "average_area": [74474.99740607243], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 5, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 235, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3530426025390625, 0.0, 0.0, 0.0, 0.043807461857795715], [0.0, 0.0, 0.0, 0.5487966537475586, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4664178192615509], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.09544860571622849, 0.0, 0.3587763011455536, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 0.0], [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942, 0.0], [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799, 0.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 0.0], [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028, 0.0], [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 5, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "average_area": [74750.26723740135], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 6, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 236, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2955573499202728, 0.0, 0.0, 0.0, 0.08297835290431976], [0.0, 0.0, 0.0, 0.5492954254150391, 0.0, 0.0, 0.0], [0.9273925423622131, 0.0, 0.0, 0.0, 0.0, 0.0, 0.7173023223876953], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.16431941092014313, 0.0, 0.45269376039505005, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 0.0], [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447, 0.0], [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676, 0.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 0.0], [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608, 0.0], [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511, 0.0], [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 6, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "average_area": [75767.11281165518], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 7, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 237, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2629091739654541, 0.0, 0.0, 0.0, 0.02477630414068699], [0.0, 0.0, 0.0, 0.6088840365409851, 0.0, 0.0, 0.0], [0.8548476099967957, 0.0, 0.0, 0.0, 0.0, 0.0, 0.7544711232185364], [0.0, 0.9215419888496399, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.043054062873125076, 0.0, 0.40321558713912964, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 0.0], [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837, 0.0], [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186, 0.0], [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485, 0.0], [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219, 0.0], [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393, 0.0], [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "average_area": [76133.4706092537], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 238, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.24799233675003052, 0.0, 0.0, 0.0, 0.06648413836956024], [0.0, 0.0, 0.0, 0.5675771236419678, 0.0, 0.0, 0.0], [0.8169640302658081, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8312819600105286], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.12067551910877228, 0.0, 0.4580203592777252, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 3], "trackers": [[922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 0.0], [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674, 0.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 0.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 0.0], [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164, 0.0], [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712, 0.0], [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "average_area": [75251.88217698653], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_occluded_trackers": [0, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 239, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23920083045959473, 0.0, 0.0, 0.0, 0.0742315798997879], [0.0, 0.0, 0.0, 0.5226584076881409, 0.0, 0.0, 0.0], [0.7896254062652588, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8579156398773193], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1369832158088684, 0.0, 0.4795841872692108, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 0.0], [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631, 0.0], [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742, 0.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 0.0], [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102, 0.0], [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902, 0.0], [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "average_area": [75166.23970992707], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 24, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.36207959055900574, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.4079783856868744, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268, 0.0], [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224, 0.0], [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175, 0.0], [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923, 0.0], [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [35070.313684360284], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 240, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23364153504371643, 0.0, 0.0, 0.0, 0.07042079418897629], [0.0, 0.0, 0.0, 0.5055239796638489, 0.0, 0.0, 0.0], [0.7721430659294128, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8641183376312256], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1308184564113617, 0.0, 0.4857284426689148, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "average_area": [75216.46689096665], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 241, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2252311259508133, 0.0, 0.0, 0.0, 0.060384053736925125], [0.0, 0.0, 0.0, 0.5033482313156128, 0.0, 0.0, 0.0], [0.745145320892334, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8726365566253662], [0.0, 0.806739091873169, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.11250248551368713, 0.0, 0.491428941488266, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 3], "trackers": [[930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 0.0], [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293, 0.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 0.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 0.0], [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999, 0.0], [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393, 0.0], [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 1, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "average_area": [72684.51265503377], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "ret_occluded_trackers": [0, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 242, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.21687881648540497, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5788772106170654, 0.0, 0.0, 0.0], [0.717896580696106, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8368848562240601], [0.0, 0.7741113901138306, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.3353008031845093, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 0.0], [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961, 0.0], [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842, 0.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 0.0], [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031, 0.0], [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808, 0.0], [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "average_area": [69211.25630705862], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 2, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 243, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3505125939846039, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5631452202796936, 0.0, 0.0, 0.0], [0.8403206467628479, 0.0, 0.0, 0.0, 0.0, 0.0, 0.2895868718624115], [0.0, 0.8411979675292969, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.13583087921142578, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 0.0], [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464, 0.0], [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054, 0.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 0.0], [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148, 0.0], [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243, 0.0], [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "average_area": [58520.676907773755], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 3, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 244, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.32918640971183777, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5222458243370056, 0.0, 0.0, 0.0], [0.8877441883087158, 0.0, 0.0, 0.0, 0.0, 0.0, 0.38440755009651184], [0.0, 0.8165431022644043, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.14967644214630127, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 0.0], [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368, 0.0], [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664, 0.0], [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922, 0.0], [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614, 0.0], [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541, 0.0], [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "average_area": [60122.32610595256], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 245, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.29795151948928833, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.518009603023529, 0.0, 0.0, 0.0], [0.7642889022827148, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4761757254600525], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.19005204737186432, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 0.0], [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256, 0.0], [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661, 0.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 0.0], [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746, 0.0], [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959, 0.0], [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "average_area": [60729.29062081332], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 246, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.33955255150794983, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.562170684337616, 0.0, 0.0, 0.0], [0.7849436402320862, 0.0, 0.0, 0.0, 0.0, 0.0, 0.36862003803253174], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.16196991503238678, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 0.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 0.0], [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413, 0.0], [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709, 0.0], [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894, 0.0], [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477, 0.0], [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "average_area": [58989.82019478766], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 247, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3836268186569214, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6613962054252625, 0.0, 0.0, 0.0], [0.9279689192771912, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24814756214618683], [0.0, 0.9827041625976562, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.10406969487667084, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 0.0], [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768, 0.0], [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446, 0.0], [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178, 0.0], [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532, 0.0], [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936, 0.0], [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "average_area": [57902.96751171428], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 248, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3938431143760681, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5475020408630371, 0.0, 0.0, 0.0], [0.9688367247581482, 0.0, 0.0, 0.0, 0.0, 0.0, 0.35327813029289246], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1458568572998047, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 0.0], [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137, 0.0], [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319, 0.0], [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199, 0.0], [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025, 0.0], [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164, 0.0], [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "average_area": [59363.5961439048], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 249, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3921639621257782, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.51446932554245, 0.0, 0.0, 0.0], [0.9708777666091919, 0.0, 0.0, 0.0, 0.0, 0.0, 0.39446020126342773], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1621396690607071, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 0.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 0.0], [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547, 0.0], [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933, 0.0], [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189, 0.0], [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056, 0.0], [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884, 0.0]], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "average_area": [60105.09362720861], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 248}, {"time_since_observed": 1, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 25, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4626067876815796, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.39895838499069214, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673, 0.0], [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589, 0.0], [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393, 0.0], [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509, 0.0], [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [38227.43009144287], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 250, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3861274719238281, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5981401801109314, 0.0, 0.0, 0.0], [0.9582809805870056, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4110548794269562], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.16890841722488403, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3], "trackers": [[953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 0.0], [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939, 0.0], [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698, 0.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 0.0], [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449, 0.0], [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158, 0.0], [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "average_area": [58513.51472166822], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 1, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": []}, +{"frame_count": 251, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3678878843784332, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6267978549003601, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.34218892455101013], [0.0, 0.948513388633728, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.14196060597896576, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 0.0], [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195, 0.0], [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327, 0.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 0.0], [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083, 0.0], [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936, 0.0], [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "average_area": [62109.78534768047], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 2, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 252, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.45589205622673035, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6089117527008057, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.17989704012870789], [0.0, 0.9009642601013184, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.08728978782892227, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "average_area": [57099.55907474278], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 3, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 253, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4607202112674713, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6904997825622559, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.20583567023277283], [0.0, 0.9258869290351868, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.09875375777482986, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 0.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 0.0], [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543, 0.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 0.0], [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817, 0.0], [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679, 0.0], [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139, 0.0]], "kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "average_area": [57502.18099374439], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 252}, {"time_since_observed": 1, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 4, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 254, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4548766613006592, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6873736381530762, 0.0, 0.0, 0.0], [0.9833690524101257, 0.0, 0.0, 0.0, 0.0, 0.0, 0.36706453561782837], [0.0, 0.9209809899330139, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.19337521493434906, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 0.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 0.0], [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218, 0.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 0.0], [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606, 0.0], [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529, 0.0], [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256, 0.0]], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253}, {"time_since_observed": 1, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "average_area": [58228.73308030546], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 253}, {"time_since_observed": 2, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 5, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 255, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.42331477999687195, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6840959787368774, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.33234381675720215], [0.0, 0.9162344336509705, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.15080232918262482, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 0.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 0.0], [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144, 0.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 0.0], [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389, 0.0], [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731, 0.0], [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799, 0.0]], "kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254}, {"time_since_observed": 2, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "average_area": [59376.752801466275], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 254}, {"time_since_observed": 3, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 6, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 256, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4100131392478943, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.68073570728302, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.32393762469291687], [0.0, 0.9115573763847351, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.15304064750671387, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 0.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 0.0], [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216, 0.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 0.0], [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126, 0.0], [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581, 0.0], [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507, 0.0]], "kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255}, {"time_since_observed": 3, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "average_area": [61058.94598951069], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 255}, {"time_since_observed": 4, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 7, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 257, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4051400125026703, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6764218807220459, 0.0, 0.0, 0.0], [1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3170539438724518], [0.0, 0.9056931734085083, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.13858526945114136, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3], "trackers": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]], "kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "average_area": [60792.504481993434], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 5, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 8, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_occluded_trackers": [1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 258, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.36157137155532837, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.6719411015510559, 0.0, 0.0, 0.0], [0.4181661307811737, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3151816725730896], [0.0, 0.8996500968933105, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49057742953300476, 0.0, 0.13369454443454742, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3], "trackers": [[802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387, 0.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 0.0], [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367, 0.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 0.0], [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851, 0.0], [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013, 0.0], [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 5, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 8, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "average_area": [70380.27006909935], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 6, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 9, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_occluded_trackers": [1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 259, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.36059918999671936, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.6674476265907288, 0.0, 0.0, 0.0], [0.4122028946876526, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3153115212917328], [0.0, 0.8936122059822083, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4796537458896637, 0.0, 0.1323065608739853, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 1], "trackers": [[799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798, 0.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 0.0], [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271, 0.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 0.0], [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929, 0.0], [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961, 0.0], [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 6, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 9, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "average_area": [70632.05944203556], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 7, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 10, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_occluded_trackers": [3, 1], "ret_unmatched_trackers": []}, +{"frame_count": 26, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.43740150332450867, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.006906018126755953], [0.3751029074192047, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.006059741601347923, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [37521.95254768199], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 260, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4834969639778137, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.6629478335380554, 0.0, 0.0, 0.0], [0.415042906999588, 0.0, 0.0, 0.0, 0.0, 0.0, 0.30568140745162964], [0.0, 0.8875768780708313, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4364762306213379, 0.0, 0.15542839467525482, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 1], "trackers": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "average_area": [78916.25335657185], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 8, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_occluded_trackers": [3, 1], "ret_unmatched_trackers": []}, +{"frame_count": 261, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5789717435836792, 0.0, 0.0, 0.0, 0.953153133392334], [0.0, 0.0, 0.0, 0.658444881439209, 0.0, 0.0, 0.0], [0.4564182162284851, 0.0, 0.0, 0.0, 0.0, 0.0, 0.2149564027786255], [0.0, 0.8815428614616394, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4045562446117401, 0.0, 0.11573401838541031, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 0.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 0.0], [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212, 0.0], [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801, 0.0], [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219, 0.0], [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626, 0.0], [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 8, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "average_area": [76949.6472705005], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 9, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 262, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6774574518203735, 0.0, 0.0, 0.0, 0.9149602055549622], [0.0, 0.0, 0.0, 0.6483088731765747, 0.0, 0.0, 0.0], [0.47306716442108154, 0.0, 0.0, 0.0, 0.0, 0.0, 0.27466022968292236], [0.0, 0.6919524073600769, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.420932412147522, 0.0, 0.1809527426958084, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 0.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 0.0], [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612, 0.0], [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612, 0.0], [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727, 0.0], [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306, 0.0], [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 9, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "average_area": [73336.21441684182], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 10, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 263, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.750167191028595, 0.0, 0.0, 0.0, 0.9003620743751526], [0.0, 0.0, 0.0, 0.6099880933761597, 0.0, 0.0, 0.0], [0.543727695941925, 0.0, 0.0, 0.0, 0.0, 0.0, 0.37478068470954895], [0.0, 0.7074899673461914, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.42639341950416565, 0.0, 0.24487650394439697, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "average_area": [75564.98921372987], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 11, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 264, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7458798289299011, 0.0, 0.0, 0.0, 0.8939688801765442], [0.0, 0.0, 0.0, 0.6792080402374268, 0.0, 0.0, 0.0], [0.5026615262031555, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3331157863140106], [0.0, 0.7399667501449585, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.42802712321281433, 0.0, 0.23666681349277496, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "average_area": [73853.9344080118], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 12, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 265, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.745002031326294, 0.0, 0.0, 0.0, 0.9775087833404541, 0.0], [0.0, 0.0, 0.0, 0.6815668940544128, 0.0, 0.0, 0.0, 0.0], [0.48759153485298157, 0.0, 0.0, 0.0, 0.0, 0.0, 0.43025633692741394, 0.0], [0.0, 0.6657347679138184, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5161637663841248, 0.0, 0.3471325933933258, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 7], "trackers": [[811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 0.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 0.0], [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694, 0.0], [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252, 0.0], [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833, 0.0], [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192, 0.0], [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 12, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [64829.09025145869], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 13, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 1}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 266, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.745383083820343, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.6181788444519043, 0.0, 0.0, 0.0, 0.0], [0.4823205769062042, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4637638330459595, 0.0], [0.0, 0.6307121515274048, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5468934178352356, 0.0, 0.3919614255428314, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 7, 0], "trackers": [[811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 0.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 0.0], [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041, 0.0], [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197, 0.0], [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133, 0.0], [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355, 0.0], [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 13, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2}], "average_area": [65450.451604333546], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 14, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 2}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [7]}, +{"frame_count": 267, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7461941242218018, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.6201594471931458, 0.0, 0.0, 0.0, 0.0], [0.4807552695274353, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4751491844654083, 0.0], [0.0, 0.643058180809021, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5541630983352661, 0.0, 0.40869128704071045, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 7, 0], "trackers": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "average_area": [65373.13324900514], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 15, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 3}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [7]}, +{"frame_count": 268, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7471234202384949, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.6458246111869812, 0.0, 0.0, 0.0, 0.0], [0.4805799424648285, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4784335494041443, 0.0], [0.0, 0.6738041639328003, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5570154786109924, 0.0, 0.4143006503582001, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 7, 0], "trackers": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "average_area": [65664.60980061433], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 4, "confidence": 0.001707160072075099, "age": 4}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [7]}, +{"frame_count": 269, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6807757019996643, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.6410704255104065, 0.0, 0.0, 0.0, 0.0], [0.5266764163970947, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4775153398513794, 0.0], [0.0, 0.6151116490364075, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5581817030906677, 0.0, 0.34452685713768005, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365, 0.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 0.0], [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621, 0.0], [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375, 0.0], [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982, 0.0], [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756, 0.0], [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659, 0.0], [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [74741.26293820144], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 27, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5536578297615051, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03174026310443878], [0.4674556255340576, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.02787414751946926, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [37933.0836814937], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 270, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6425147652626038, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.6657034158706665, 0.0, 0.0, 0.0, 0.0], [0.3969154357910156, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4787049889564514, 0.0], [0.0, 0.6174758672714233, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49824756383895874, 0.0, 0.38609862327575684, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512, 0.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 0.0], [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564, 0.0], [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412, 0.0], [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742, 0.0], [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364, 0.0], [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719, 0.0], [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [74545.32643638893], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 271, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.656755268573761, 0.0, 0.0, 0.0, 0.9718132019042969, 0.0], [0.0, 0.0, 0.0, 0.600934624671936, 0.0, 0.0, 0.0, 0.0], [0.4593622088432312, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3705512583255768, 0.0], [0.0, 0.6019538044929504, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5258727073669434, 0.0, 0.2866780459880829, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265, 0.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 0.0], [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765, 0.0], [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061, 0.0], [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462, 0.0], [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497, 0.0], [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309, 0.0], [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [68281.51363422099], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 272, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6657975316047668, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.5692978501319885, 0.0, 0.0, 0.0, 0.0], [0.4443497955799103, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3253217935562134, 0.0], [0.0, 0.5372878909111023, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.42250579595565796, 0.0, 0.2059505730867386, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101, 0.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 0.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 0.0], [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719, 0.0], [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218, 0.0], [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093, 0.0], [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291, 0.0], [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [74649.28478173699], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 273, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.713803768157959, 0.0, 0.0, 0.0, 0.8690852522850037, 0.0], [0.0, 0.0, 0.0, 0.5204272866249084, 0.0, 0.0, 0.0, 0.0], [0.5274730324745178, 0.0, 0.0, 0.0, 0.0, 0.0, 0.30018794536590576, 0.0], [0.0, 0.576184093952179, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.40168389678001404, 0.0, 0.1877560168504715, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 0.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 0.0], [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362, 0.0], [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492, 0.0], [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592, 0.0], [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631, 0.0], [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446, 0.0], [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [73060.6574958258], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 272}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 274, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7753564715385437, 0.0, 0.0, 0.0, 0.9461178183555603, 0.0], [0.0, 0.0, 0.0, 0.5267744064331055, 0.0, 0.0, 0.0, 0.0], [0.6828871965408325, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5622629523277283, 0.0], [0.0, 0.6160876154899597, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47700342535972595, 0.0, 0.3218608498573303, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 3], "trackers": [[814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942, 0.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 0.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 0.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 0.0], [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156, 0.0], [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671, 0.0], [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864, 0.0], [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [78327.84086991774], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 275, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7923784852027893, 0.0, 0.0, 0.0, 0.973247766494751, 0.0], [0.0, 0.0, 0.0, 0.5160177946090698, 0.0, 0.0, 0.0, 0.0], [0.7340518832206726, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6375038623809814, 0.0], [0.0, 0.6030991673469543, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48708727955818176, 0.0, 0.3444071114063263, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 3], "trackers": [[824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598, 0.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 0.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 0.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 0.0], [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542, 0.0], [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828, 0.0], [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071, 0.0], [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [76233.24939911897], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 192}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 2, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 276, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7967962026596069, 0.0, 0.0, 0.0, 0.9914445281028748, 0.0], [0.0, 0.0, 0.0, 0.5052992105484009, 0.0, 0.0, 0.0, 0.0], [0.7474737167358398, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6668850183486938, 0.0], [0.0, 0.5903719663619995, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49111610651016235, 0.0, 0.35214218497276306, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148, 0.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 0.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 0.0], [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172, 0.0], [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153, 0.0], [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807, 0.0], [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638, 0.0], [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193}, {"time_since_observed": 2, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [75621.267442002], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 193}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 277, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7984828352928162, 0.0, 0.0, 0.0, 0.9981536865234375, 0.0], [0.0, 0.0, 0.0, 0.39935818314552307, 0.0, 0.0, 0.0, 0.0], [0.7524875998497009, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6777735948562622, 0.0], [0.0, 0.537447988986969, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4924059212207794, 0.0, 0.35479435324668884, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025, 0.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 0.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 0.0], [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228, 0.0], [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151, 0.0], [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837, 0.0], [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619, 0.0], [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194}, {"time_since_observed": 3, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [76475.49287371976], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 194}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 278, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7991476058959961, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.3211910128593445, 0.0, 0.0, 0.0, 0.0], [0.7544252276420593, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6815360188484192, 0.0], [0.0, 0.40428611636161804, 0.0, 0.0, 0.0, 0.0, 0.0, 0.048943959176540375], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4926117956638336, 0.0, 0.3556349575519562, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.026451990008354187, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 7], "trackers": [[827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022, 0.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 0.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 0.0], [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527, 0.0], [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155, 0.0], [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936, 0.0], [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875, 0.0], [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195}, {"time_since_observed": 4, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [75751.8539477187], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 195}, {"time_since_observed": 5, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 10}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 279, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7994627952575684, 0.0, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.31270793080329895, 0.0, 0.0, 0.0, 0.0], [0.7552234530448914, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6826587319374084, 0.0], [0.0, 0.38414686918258667, 0.0, 0.0, 0.0, 0.0, 0.0, 0.15826791524887085], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4924232065677643, 0.0, 0.3558483421802521, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.08652544021606445, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 7, 1], "trackers": [[827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 0.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 0.0], [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291, 0.0], [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752, 0.0], [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071, 0.0], [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032, 0.0], [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676, 0.0], [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11}], "average_area": [75312.29594502965], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 11}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 28, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5456365346908569, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03991344943642616], [0.4583365023136139, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.037215523421764374, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167, 0.0], [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727, 0.0], [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921, 0.0], [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408, 0.0], [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [36387.005629979845], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 280, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5166454911231995, 0.0, 0.0, 0.0, 0.9923242330551147, 0.0], [0.0, 0.0, 0.0, 0.3316240608692169, 0.0, 0.0, 0.0, 0.0], [0.4541609287261963, 0.0, 0.0, 0.0, 0.0, 0.0, 0.27598637342453003, 0.0], [0.0, 0.40360304713249207, 0.0, 0.0, 0.0, 0.0, 0.0, 0.23378582298755646], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48863685131073, 0.0, 0.15459774434566498, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.1273418515920639, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 7, 1], "trackers": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "average_area": [73944.09026212434], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 12}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 281, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5007734894752502, 0.0, 0.0, 0.0, 0.9837456345558167, 0.0], [0.0, 0.0, 0.0, 0.23733404278755188, 0.0, 0.0, 0.0, 0.0], [0.4371466040611267, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24413862824440002, 0.0], [0.0, 0.28781557083129883, 0.0, 0.0, 0.0, 0.0, 0.0, 0.48469963669776917], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4844994843006134, 0.0, 0.1377403736114502, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.26149147748947144, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 0.0], [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 0.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 0.0], [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184, 0.0], [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955, 0.0], [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682, 0.0], [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325, 0.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13}], "average_area": [73800.81322769704], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 13}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": [1, 7]}, +{"frame_count": 282, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4878072142601013, 0.0, 0.0, 0.0, 0.9751614332199097, 0.0], [0.0, 0.0, 0.0, 0.2750641405582428, 0.0, 0.0, 0.0, 0.0], [0.42567986249923706, 0.0, 0.0, 0.0, 0.0, 0.0, 0.21773675084114075, 0.0], [0.0, 0.40038737654685974, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6370028257369995], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4803846478462219, 0.0, 0.12291629612445831, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2825109362602234, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 0.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 0.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 0.0], [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046, 0.0], [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606, 0.0], [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222, 0.0], [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121, 0.0], [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14}], "average_area": [75281.90894798623], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 5, "confidence": 0.1315036979287313, "age": 14}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 283, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.47482332587242126, 0.0, 0.0, 0.0, 0.9666584134101868], [0.0, 0.0, 0.0, 0.26862236857414246, 0.0, 0.0, 0.0], [0.4142776131629944, 0.0, 0.0, 0.0, 0.0, 0.0, 0.19149091839790344], [0.0, 0.35022568702697754, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47631263732910156, 0.0, 0.1081453487277031, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2], "trackers": [[832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 0.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 0.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 0.0], [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106, 0.0], [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227, 0.0], [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147, 0.0], [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "average_area": [79913.14949318045], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 200}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 284, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4618321657180786, 0.0, 0.0, 0.0, 0.9582609534263611], [0.0, 0.0, 0.0, 0.2798454463481903, 0.0, 0.0, 0.0], [0.40290796756744385, 0.0, 0.0, 0.0, 0.0, 0.0, 0.16538694500923157], [0.0, 0.3486291170120239, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4722887873649597, 0.0, 0.09343366324901581, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 0.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 0.0], [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383, 0.0], [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279, 0.0], [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894, 0.0], [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848, 0.0], [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "average_area": [79504.61601676606], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 283}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 285, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.540966808795929, 0.0, 0.0, 0.0, 0.9499709010124207], [0.0, 0.0, 0.0, 0.2439204603433609, 0.0, 0.0, 0.0], [0.5300916433334351, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3876820504665375], [0.0, 0.32622379064559937, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4683123826980591, 0.0, 0.19503867626190186, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 0.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 0.0], [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926, 0.0], [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106, 0.0], [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742, 0.0], [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052, 0.0], [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "average_area": [82933.36631403294], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 284}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 286, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5502594709396362, 0.0, 0.0, 0.0, 0.9417823553085327], [0.0, 0.0, 0.0, 0.19316522777080536, 0.0, 0.0, 0.0], [0.5472720265388489, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4096921384334564], [0.0, 0.2431216686964035, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.46438053250312805, 0.0, 0.20311656594276428, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 0.0], [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 0.0], [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953, 0.0], [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683, 0.0], [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279, 0.0], [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019, 0.0], [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "average_area": [82693.39123116022], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 285}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 287, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5573165416717529, 0.0, 0.0, 0.0, 0.9336873292922974], [0.0, 0.0, 0.0, 0.19413873553276062, 0.0, 0.0, 0.0], [0.5570927858352661, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4169473350048065], [0.0, 0.23850375413894653, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4604896008968353, 0.0, 0.2057187706232071, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 0.0], [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 0.0], [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216, 0.0], [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732, 0.0], [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492, 0.0], [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951, 0.0], [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "average_area": [82588.77656834868], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 286}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 288, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5640074014663696, 0.0, 0.0, 0.0, 0.925677478313446], [0.0, 0.0, 0.0, 0.21634873747825623, 0.0, 0.0, 0.0], [0.5648435354232788, 0.0, 0.0, 0.0, 0.0, 0.0, 0.41974276304244995], [0.0, 0.2633020281791687, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.45663586258888245, 0.0, 0.206752210855484, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002, 0.0], [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 0.0], [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242, 0.0], [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744, 0.0], [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388, 0.0], [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312, 0.0], [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "average_area": [82549.3749106223], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 289, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.570671796798706, 0.0, 0.0, 0.0, 0.9957507252693176], [0.0, 0.0, 0.0, 0.2097521871328354, 0.0, 0.0, 0.0], [0.4844706654548645, 0.0, 0.0, 0.0, 0.0, 0.0, 0.39916059374809265], [0.0, 0.2335762083530426, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4909679591655731, 0.0, 0.23182973265647888, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "average_area": [77953.696123542], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 288}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 29, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.47183671593666077, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03173387050628662], [0.40156251192092896, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.034972041845321655, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909, 0.0], [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829, 0.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 0.0], [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693, 0.0], [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [37675.40517195888], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 290, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6243851184844971, 0.0, 0.0, 0.0, 0.992485523223877], [0.0, 0.0, 0.0, 0.33981767296791077, 0.0, 0.0, 0.0], [0.5381925702095032, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4859912693500519], [0.0, 0.4373062252998352, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48945415019989014, 0.0, 0.2780553102493286, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "average_area": [79638.2579008614], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 289}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 291, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5557753443717957, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.3351697623729706, 0.0, 0.0, 0.0], [0.527141809463501, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5619330406188965], [0.0, 0.4153811037540436, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5405387878417969, 0.0, 0.3202456831932068, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 0.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 0.0], [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522, 0.0], [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042, 0.0], [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666, 0.0], [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759, 0.0], [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "average_area": [82622.38783015], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 290}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 292, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5961505770683289, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.5022585988044739, 0.0, 0.0, 0.0], [0.49420100450515747, 0.0, 0.0, 0.0, 0.0, 0.0, 0.559156060218811], [0.0, 0.6133310198783875, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5586674213409424, 0.0, 0.37682414054870605, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3], "trackers": [[827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105, 0.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 0.0], [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576, 0.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 0.0], [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468, 0.0], [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211, 0.0], [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "average_area": [79939.38824396425], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "ret_occluded_trackers": [1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 293, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3732013702392578, 0.0, 0.5697663426399231, 0.0, 0.9423313140869141], [0.0, 0.0, 0.0, 0.5142755508422852, 0.0, 0.0, 0.0], [0.292338103055954, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5814570188522339], [0.0, 0.6280393600463867, 0.0, 0.0, 0.0, 0.0, 0.0], [0.05099727213382721, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4884544610977173, 0.0, 0.38476529717445374, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 0.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 0.0], [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827, 0.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 0.0], [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715, 0.0], [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394, 0.0], [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "average_area": [77980.28284839648], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 292}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 294, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3616655766963959, 0.0, 0.6837946176528931, 0.0, 0.9180959463119507], [0.0, 0.0, 0.0, 0.5255526900291443, 0.0, 0.0, 0.0], [0.27700310945510864, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5887578725814819], [0.0, 0.6418283581733704, 0.0, 0.0, 0.0, 0.0, 0.0], [0.05793823301792145, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.46181273460388184, 0.0, 0.3866669833660126, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 0.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 0.0], [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698, 0.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 0.0], [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818, 0.0], [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316, 0.0], [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "average_area": [77039.91744072174], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 293}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 295, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.30917084217071533, 0.0, 0.7088704705238342, 0.0, 0.899265706539154], [0.0, 0.0, 0.0, 0.536406934261322, 0.0, 0.0, 0.0], [0.21564437448978424, 0.0, 0.0, 0.0, 0.0, 0.0, 0.49038752913475037], [0.0, 0.6550928950309753, 0.0, 0.0, 0.0, 0.0, 0.0], [0.06423486769199371, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.44712162017822266, 0.0, 0.34957265853881836, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3], "trackers": [[774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992, 0.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 0.0], [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627, 0.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 0.0], [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932, 0.0], [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248, 0.0], [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "average_area": [75327.12922505756], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "ret_occluded_trackers": [1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 296, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.30533933639526367, 0.0, 0.238331139087677, 0.0, 1.0], [0.0, 0.0, 0.0, 0.5472630262374878, 0.0, 0.0, 0.0], [0.2500521242618561, 0.0, 0.0, 0.0, 0.0, 0.0, 0.40080559253692627], [0.0, 0.6683555245399475, 0.0, 0.0, 0.0, 0.0, 0.0], [0.02088148146867752, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.507068932056427, 0.0, 0.2481721192598343, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 1], "trackers": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "average_area": [72342.95538087691], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 295}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 213}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_trackers": []}, +{"frame_count": 297, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2899656295776367, 0.0, 0.3894018232822418, 0.0, 1.0], [0.0, 0.0, 0.0, 0.02930796705186367, 0.0, 0.0, 0.0], [0.23735429346561432, 0.0, 0.0, 0.0, 0.0, 0.0, 0.38332539796829224], [0.0, 0.045364201068878174, 0.0, 0.0, 0.0, 0.0, 0.0], [0.038386858999729156, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5348759293556213, 0.0, 0.25047826766967773, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2], "trackers": [[807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 0.0], [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 0.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 0.0], [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384, 0.0], [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777, 0.0], [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501, 0.0], [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "average_area": [75780.59313929497], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 296}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 214}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": [1]}, +{"frame_count": 298, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2747608423233032, 0.0, 0.4440295100212097, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2248571664094925, 0.0, 0.0, 0.0, 0.0, 0.0, 0.36576947569847107], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.04563320800662041, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.545594334602356, 0.0, 0.24385149776935577, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 0.0], [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 0.0], [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008, 0.0], [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963, 0.0], [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156, 0.0], [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497, 0.0], [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "average_area": [74259.10279013478], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 297}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 299, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.22276656329631805, 0.0, 0.4660674035549164, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.16771359741687775, 0.0, 0.0, 0.0, 0.0, 0.0, 0.2650316059589386], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.04864337667822838, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5497605800628662, 0.0, 0.1935320943593979, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "average_area": [72290.23203640386], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 3, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [27678.511091339285], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 30, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5532515048980713, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.047989409416913986], [0.47110065817832947, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.054765958338975906, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391, 0.0], [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964, 0.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 0.0], [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157, 0.0], [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 1, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [36976.43864375954], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 2, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 300, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5935755968093872, 0.0, 0.0, 0.0, 0.947138249874115], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4002551734447479, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24587367475032806], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4750402271747589, 0.0, 0.18288080394268036, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319, 0.0], [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903, 0.0], [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207, 0.0], [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124, 0.0], [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438, 0.0], [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903, 0.0], [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "average_area": [70619.10374249858], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 301, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6375824809074402, 0.0, 0.0, 0.0, 0.9036149382591248], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4225247800350189, 0.0, 0.0, 0.0, 0.0, 0.0, 0.23945897817611694], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.44839295744895935, 0.0, 0.1793043166399002, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 0.0], [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905, 0.0], [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585, 0.0], [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223, 0.0], [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942, 0.0], [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388, 0.0], [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "average_area": [73421.57127645823], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 302, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.6603332757949829, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43651488423347473, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3817591071128845], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49628400802612305, 0.0, 0.28660503029823303, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358, 0.0], [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393, 0.0], [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382, 0.0], [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506, 0.0], [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297, 0.0], [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205, 0.0], [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "average_area": [72222.17871728404], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 303, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7875065207481384, 0.0, 0.0, 0.0, 0.9889720678329468], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4667629599571228, 0.0, 0.0, 0.0, 0.0, 0.0, 0.42468202114105225], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4825727045536041, 0.0, 0.34962332248687744, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859, 0.0], [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698, 0.0], [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349, 0.0], [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662, 0.0], [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196, 0.0], [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322, 0.0], [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "average_area": [77996.85044679628], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 304, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8144553303718567, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4710671901702881, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4505252540111542], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4507293403148651, 0.0, 0.3510907292366028, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5], "trackers": [[891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573, 0.0], [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867, 0.0], [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688, 0.0], [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575, 0.0], [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792, 0.0], [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 0.0], [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "average_area": [79625.30303662278], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [5]}, +{"frame_count": 305, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8232854008674622, 0.0, 0.0, 0.0, 0.993484616279602], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47207316756248474, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4483155310153961], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4752443730831146, 0.0, 0.37400785088539124, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524, 0.0], [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828, 0.0], [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902, 0.0], [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816, 0.0], [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252, 0.0], [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202, 0.0], [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "average_area": [78890.43487030055], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 306, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8253591060638428, 0.0, 0.0, 0.0, 0.9854008555412292], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4717369079589844, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4469151794910431], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4816943109035492, 0.0, 0.38223177194595337, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234, 0.0], [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941, 0.0], [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659, 0.0], [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606, 0.0], [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465, 0.0], [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705, 0.0], [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "average_area": [83019.40581495919], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 307, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8249291181564331, 0.0, 0.0, 0.0, 0.9831494688987732], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4709271192550659, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4458678066730499], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4845362603664398, 0.0, 0.3849247097969055, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "average_area": [83045.60117393786], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 308, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8476740717887878, 0.0, 0.0, 0.0, 0.9574481248855591], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4835270345211029, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4450021982192993], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4731854498386383, 0.0, 0.38555508852005005, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978, 0.0], [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285, 0.0], [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977, 0.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 0.0], [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352, 0.0], [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829, 0.0], [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "average_area": [83066.09982992926], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 1, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 309, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8238815665245056, 0.0, 0.0, 0.0, 0.9810361266136169], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4705181419849396, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4442501664161682], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48609790205955505, 0.0, 0.3854382038116455, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0, 3], "trackers": [[890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 0.0], [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049, 0.0], [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466, 0.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 0.0], [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325, 0.0], [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 0.0], [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "average_area": [82963.12377814013], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 2, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [5]}, +{"frame_count": 31, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5317311882972717, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.08645221590995789], [0.4531128406524658, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.06754913181066513, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [39085.88616223032], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 3, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 310, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8425653576850891, 0.0, 0.0, 0.0, 0.9604287147521973], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.481008917093277, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4435819387435913], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47597283124923706, 0.0, 0.3850714862346649, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 5, 0], "trackers": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "average_area": [82953.51934722943], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 3, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": [5]}, +{"frame_count": 311, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8610751032829285, 0.0, 0.0, 0.0, 0.9400257468223572], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49149036407470703, 0.0, 0.0, 0.0, 0.0, 0.0, 0.44298243522644043], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4658896028995514, 0.0, 0.38464123010635376, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "average_area": [82761.33691794905], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 4, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 312, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8794538378715515, 0.0, 0.0, 0.0, 0.9519943594932556], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5019432306289673, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4536193609237671], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4329270124435425, 0.0, 0.36143508553504944, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "average_area": [81510.91762348903], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 5, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 313, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8977271914482117, 0.0, 0.0, 0.0, 0.9110965728759766], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5123597979545593, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4459671378135681], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43737009167671204, 0.0, 0.3751084506511688, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0, 3], "trackers": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "average_area": [82215.43912005945], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 6, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [5]}, +{"frame_count": 314, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.9159119725227356, 0.0, 0.0, 0.0, 0.9146785736083984], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5227380990982056, 0.0, 0.0, 0.0, 0.0, 0.0, 0.45414188504219055], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.41056448221206665, 0.0, 0.35716918110847473, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "average_area": [81499.22997160033], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 7, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 315, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7908022999763489, 0.0, 0.0, 0.0, 0.9030730128288269], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.45133957266807556, 0.0, 0.0, 0.0, 0.0, 0.0, 0.29329678416252136], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3946247696876526, 0.0, 0.2245604693889618, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 5, 0], "trackers": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "average_area": [81108.71979844959], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 8, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": [5]}, +{"frame_count": 316, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7557310461997986, 0.0, 0.0, 0.0, 0.8047149777412415, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43133077025413513, 0.0, 0.0, 0.0, 0.0, 0.0, 0.20177914202213287, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.007870127446949482, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.41864311695098877, 0.0, 0.18392254412174225, 0.0, 0.05693884938955307, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 0.0], [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722, 0.0], [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912, 0.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 0.0], [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776, 0.0], [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 0.0], [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 8, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [81317.16296305742], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 9, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [5]}, +{"frame_count": 317, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7549965381622314, 0.0, 0.0, 0.0, 0.8337311148643494, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4309203624725342, 0.0, 0.0, 0.0, 0.0, 0.0, 0.20249387621879578, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.38708749413490295, 0.0, 0.16471871733665466, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 0.0], [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578, 0.0], [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544, 0.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 0.0], [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887, 0.0], [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 0.0], [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 9, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [80058.31697996834], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 10, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [5]}, +{"frame_count": 318, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7688094973564148, 0.0, 0.0, 0.0, 0.8331795334815979, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48004087805747986, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24273629486560822, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3690490126609802, 0.0, 0.17219507694244385, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 0.0], [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871, 0.0], [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921, 0.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 0.0], [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099, 0.0], [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 0.0], [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462, 0.0], [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 10, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [79101.78846200695], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 11, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [5]}, +{"frame_count": 319, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.7854077219963074, 0.0, 0.0, 0.8200453519821167, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5064957141876221, 0.0, 0.0, 0.0, 0.0, 0.25934842228889465, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3565692603588104, 0.0, 0.17486748099327087, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 0.0], [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815, 0.0], [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268, 0.0], [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109, 0.0], [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 0.0], [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807, 0.0], [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [80727.62791108142], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 32, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.47157081961631775, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.17183300852775574], [0.40215086936950684, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.108460932970047, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [40794.528893818206], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 320, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8029258847236633, 0.0, 0.0, 0.7286221981048584, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5240758061408997, 0.0, 0.0, 0.0, 0.0, 0.2373204380273819, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.00894560944288969, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3784920275211334, 0.0, 0.18887339532375336, 0.06293782591819763, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 0], "trackers": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [77249.23395874604], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 321, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.820717990398407, 0.0, 0.0, 0.6871294975280762, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5381414294242859, 0.0, 0.0, 0.0, 0.0, 0.2267104685306549, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.025845400989055634, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3791542053222656, 0.0, 0.1907859444618225, 0.21543429791927338, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 6, 0, 1], "trackers": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [78646.07694431022], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 6}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 322, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8385301828384399, 0.0, 0.0, 0.6612111926078796, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5507773756980896, 0.0, 0.0, 0.0, 0.0, 0.2240273356437683, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.041670627892017365, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.373019278049469, 0.0, 0.1924131065607071, 0.3402475118637085, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 0], "trackers": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "average_area": [79050.432521841], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 321}, {"time_since_observed": 2, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 8, "confidence": 0.09296579739879965, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [4]}, +{"frame_count": 323, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.8562634587287903, 0.0, 0.6407650709152222, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5627977848052979, 0.0, 0.0, 0.0, 0.2240922600030899, 0.0], [0.0, 0.0, 0.0, 0.0, 0.047201432287693024, 0.0], [0.36450886726379395, 0.0, 0.1939505934715271, 0.38252291083335876, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 5], "trackers": [[938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024, 0.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 0.0], [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213, 0.0], [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874, 0.0], [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023, 0.0], [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 2, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8}], "average_area": [89491.4054038358], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 3, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 8}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [5]}, +{"frame_count": 324, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.44229263067245483, 0.32014283537864685, 0.9177048206329346, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3327575922012329, 0.0, 0.0, 0.0, 0.12586091458797455, 0.0], [0.02831759676337242, 0.0, 0.0, 0.0, 0.08424674719572067, 0.0], [0.5072284936904907, 0.0, 0.09246411174535751, 0.526430606842041, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 0.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 0.0], [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608, 0.0], [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841, 0.0], [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403, 0.0], [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 3, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}], "average_area": [82259.8653890149], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 323}, {"time_since_observed": 4, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 325, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4401451647281647, 0.47915881872177124, 0.9007473587989807, 0.0], [0.0, 0.0, 0.005785807501524687, 0.0, 0.0, 0.0], [0.33139359951019287, 0.034561846405267715, 0.0, 0.0, 0.08027823269367218, 0.0], [0.04389733076095581, 0.0, 0.0, 0.0, 0.1270962655544281, 0.0], [0.4643809199333191, 0.0, 0.05496940016746521, 0.7152296304702759, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 0.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 0.0], [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067, 0.0], [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055, 0.0], [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081, 0.0], [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324}, {"time_since_observed": 4, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "average_area": [83535.29820422469], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 324}, {"time_since_observed": 5, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 326, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4367927014827728, 0.3924929201602936, 0.9454135298728943, 0.0], [0.0, 0.0, 0.013424315489828587, 0.0, 0.0, 0.0], [0.3021607995033264, 0.07367808371782303, 0.0, 0.0, 0.14333470165729523, 0.0], [0.036433231085538864, 0.0, 0.0, 0.0, 0.08203408867120743, 0.0], [0.5689777135848999, 0.0, 0.12469874322414398, 0.531865656375885, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 0.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 0.0], [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795, 0.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 0.0], [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511, 0.0], [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325}, {"time_since_observed": 5, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "average_area": [84714.73492197662], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 325}, {"time_since_observed": 6, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 327, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4340111315250397, 0.42937496304512024, 0.9625440239906311, 0.0], [0.0, 0.0, 0.0234004408121109, 0.0, 0.0, 0.0], [0.2901100814342499, 0.12409915775060654, 0.0, 0.0, 0.1616002321243286, 0.0], [0.03992912545800209, 0.0, 0.0, 0.0, 0.07727363705635071, 0.0], [0.611047089099884, 0.0, 0.15347374975681305, 0.5275120735168457, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0, 1], "trackers": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "average_area": [85138.1769184271], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 326}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 2, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_occluded_trackers": [3, 0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 328, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.43155404925346375, 0.4662507474422455, 1.0, 0.0], [0.0, 0.0, 0.03430134057998657, 0.0, 0.0, 0.0], [0.28463008999824524, 0.17948956787586212, 0.0, 0.0, 0.1984923779964447, 0.0], [0.043397609144449234, 0.0, 0.0, 0.0, 0.06327981501817703, 0.0], [0.5937592387199402, 0.0, 0.17869342863559723, 0.4036726653575897, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 0.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 0.0], [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882, 0.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 0.0], [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366, 0.0], [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "average_area": [82698.18032736405], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 327}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 329, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4309944212436676, 0.5031310319900513, 1.0, 0.0], [0.0, 0.0, 0.04525144025683403, 0.0, 0.0, 0.0], [0.3092843294143677, 0.25763270258903503, 0.0, 0.0, 0.2506912648677826, 0.0], [0.04685153812170029, 0.0, 0.0, 0.0, 0.06072521582245827, 0.0], [0.5780937671661377, 0.0, 0.20195342600345612, 0.3769855201244354, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 0.0], [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 0.0], [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203, 0.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 0.0], [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998, 0.0], [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "average_area": [83587.67547289742], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 328}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "ret_occluded_trackers": [0, 3], "ret_unmatched_trackers": [1]}, +{"frame_count": 33, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3973265290260315, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.055566806346178055], [0.33907708525657654, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.03830066695809364, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [38725.18380509759], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 330, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.42754223942756653, 0.5400173664093018, 1.0, 0.0], [0.0, 0.0, 0.05648728087544441, 0.0, 0.0, 0.0], [0.29002147912979126, 0.30401358008384705, 0.0, 0.0, 0.23315204679965973, 0.0], [0.05029776319861412, 0.0, 0.0, 0.0, 0.05376070365309715, 0.0], [0.5253973007202148, 0.0, 0.18058261275291443, 0.30325770378112793, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 0.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 0.0], [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234, 0.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 0.0], [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058, 0.0], [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "average_area": [80757.07447521579], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 329}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 331, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4264906942844391, 0.5769085884094238, 1.0, 0.0], [0.0, 0.0, 0.06581515818834305, 0.0, 0.0, 0.0], [0.30912113189697266, 0.3784780502319336, 0.0, 0.0, 0.26755043864250183, 0.0], [0.05373992398381233, 0.0, 0.0, 0.0, 0.05449439212679863, 0.0], [0.5052973628044128, 0.0, 0.18652349710464478, 0.2956029772758484, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[872.1987592163781, 228.04032809040973, 1114.3358998932322, 956.4583201301696, 0.0], [1192.5611812607553, 415.92275378829845, 1278.3139425728405, 675.1605534282187, 0.0], [1018.9220555260525, 385.03311287342933, 1225.0167187375105, 1005.3226764209538, 0.0], [841.0297264527688, 447.25868801972837, 914.6994673943099, 670.278251981272, 0.0], [892.9224732748212, 411.985731238401, 1064.947400031536, 930.0667847286077, 0.0], [182.73707504083723, 421.2766665764847, 320.1789562353968, 835.5774415249185, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 330}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 16}], "average_area": [81490.11705508298], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 330}, {"time_since_observed": 11, "confidence": 0.6150359391947425, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 6, "confidence": 0.4603588326840964, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 16}], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 332, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4244621694087982, 0.6138032674789429, 1.0, 0.0], [0.0, 0.0, 0.07530998438596725, 0.0, 0.0, 0.0], [0.3151831030845642, 0.44368454813957214, 0.0, 0.0, 0.28068822622299194, 0.0], [0.057179950177669525, 0.0, 0.0, 0.0, 0.0587286539375782, 0.0], [0.49764689803123474, 0.0, 0.1881142109632492, 0.31373050808906555, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[871.8382011814422, 226.07124117431727, 1113.97471281631, 954.4873408753008, 0.0], [1187.3017225752562, 415.3381353358419, 1273.0540423003524, 674.5746000212074, 0.0], [1016.7423659040351, 382.7560534418478, 1225.3487024249011, 1010.577622892775, 0.0], [843.3864569935874, 447.8397226568809, 917.0580886200241, 670.86501026718, 0.0], [893.9450494644631, 413.13377130358447, 1064.660060684243, 927.2832583670623, 0.0], [190.30397946835058, 400.95425015380215, 334.6471847269247, 835.9733245422321, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 331}, {"time_since_observed": 11, "confidence": 0.6150359391947425, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 6, "confidence": 0.4603588326840964, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 17}], "average_area": [82761.58983784162], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 331}, {"time_since_observed": 12, "confidence": 0.5573541556402375, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 7, "confidence": 0.39138719980179637, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 17}], "ret_occluded_trackers": [1, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 333, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4221029281616211, 0.6507000923156738, 1.0, 0.0], [0.0, 0.0, 0.08506637811660767, 0.0, 0.0, 0.0], [0.3162921667098999, 0.5057396292686462, 0.0, 0.0, 0.2855575680732727, 0.0], [0.06061885133385658, 0.0, 0.0, 0.0, 0.06433939188718796, 0.0], [0.49475082755088806, 0.0, 0.18854287266731262, 0.3416934311389923, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[871.4774858863161, 224.1016811744525, 1113.613682999578, 952.5168347042043, 0.0], [1182.0421534934362, 414.75318314603567, 1267.7942524241853, 673.9889803515458, 0.0], [1015.8526765263086, 381.877800636995, 1225.4103874949656, 1012.5520919238932, 0.0], [845.7436602147276, 448.42218823376373, 919.4162371654169, 671.4503376133576, 0.0], [894.2428017320525, 413.54375858903705, 1064.459277226158, 926.1969103231193, 0.0], [203.52626727077424, 394.12131218695737, 343.59201273602446, 816.3016114052109, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 332}, {"time_since_observed": 12, "confidence": 0.5573541556402375, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 7, "confidence": 0.39138719980179637, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 18}], "average_area": [82265.73653996555], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 332}, {"time_since_observed": 13, "confidence": 0.5196577359994952, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 8, "confidence": 0.34703347152620845, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 18}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [3]}, +{"frame_count": 334, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4195995032787323, 0.6875970363616943, 1.0, 0.0], [0.0, 0.0, 0.09499295800924301, 0.0, 0.0, 0.0], [0.3155023157596588, 0.5667068362236023, 0.0, 0.0, 0.287255197763443, 0.0], [0.06405787914991379, 0.0, 0.0, 0.0, 0.07044950872659683, 0.0], [0.49367013573646545, 0.0, 0.18859803676605225, 0.373315691947937, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[871.1166919608651, 222.13188463201027, 1113.2527318131708, 950.5465650756853, 0.0], [1176.782529213136, 414.16806408658783, 1262.5345177464983, 673.4035275515258, 0.0], [1015.4589286314973, 381.5242182351903, 1225.3787697370412, 1013.2843274197339, 0.0], [848.1008634419327, 449.0046538290066, 921.7743857047446, 672.0356649411751, 0.0], [894.2709029666287, 413.6717010646971, 1064.3009375997835, 925.7652911198106, 0.0], [216.69275581716806, 409.54496244995664, 348.8885465132223, 808.1143009542633, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 333}, {"time_since_observed": 13, "confidence": 0.5196577359994952, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 8, "confidence": 0.34703347152620845, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 19}], "average_area": [81236.05736432974], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 333}, {"time_since_observed": 14, "confidence": 0.49060894352157297, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 9, "confidence": 0.3146395957905521, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 19}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [3]}, +{"frame_count": 335, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.28646552562713623, 0.7244935631752014, 1.0, 0.0], [0.0, 0.0, 0.1704445779323578, 0.0, 0.0, 0.0], [0.19807912409305573, 0.9350811243057251, 0.0, 0.0, 0.08088815212249756, 0.0], [0.06749700754880905, 0.0, 0.0, 0.0, 0.07672332972288132, 0.0], [0.4932823181152344, 0.0, 0.057705093175172806, 0.40623095631599426, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 1, 0], "trackers": [[870.7558587201943, 220.16196981810646, 1112.8918199419836, 948.5764137186279, 0.0], [1171.5228773335157, 413.5828615920775, 1257.2748106681315, 672.8181581865683, 0.0], [1050.4187445611844, 389.3551808973611, 1251.707893169946, 995.2312576753127, 0.0], [850.4580666752024, 449.58711944260887, 924.1325342380078, 672.6209922506333, 0.0], [894.2036852393716, 413.693959837379, 1064.166742574537, 925.5865754850172, 0.0], [220.81685285131238, 415.52516067831255, 349.9603139663032, 804.9329318366412, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 334}, {"time_since_observed": 14, "confidence": 0.49060894352157297, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 9, "confidence": 0.3146395957905521, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 20}], "average_area": [79047.62370551974], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 334}, {"time_since_observed": 15, "confidence": 0.4724528970451065, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 10, "confidence": 0.2931015568947519, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 20}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [3]}, +{"frame_count": 336, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23075591027736664, 0.7613893747329712, 1.0, 0.0], [0.0, 0.0, 0.18857303261756897, 0.0, 0.0, 0.0], [0.15423157811164856, 1.0, 0.0, 0.0, 0.0036121346056461334, 0.0], [0.07093622535467148, 0.0, 0.0, 0.0, 0.08303762227296829, 0.0], [0.4931587278842926, 0.0, 0.0026652023661881685, 0.4395419657230377, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[870.3950058218991, 218.1919958684286, 1112.5309277284207, 946.6063214973444, 0.0], [1166.2632116542154, 412.99761737997557, 1252.0151173894446, 672.2328305392025, 0.0], [1063.4350812224056, 392.5342606871135, 1261.3301654647166, 988.2281916042745, 0.0], [852.8152699145364, 450.1695850745698, 926.4906827652067, 673.2063195417329, 0.0], [894.10724728945, 413.6779243062349, 1064.0489334854406, 925.5064597979699, 0.0], [232.38422476846952, 399.6829776319556, 366.78328346967896, 804.8614604691533, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 335}, {"time_since_observed": 15, "confidence": 0.4724528970451065, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 10, "confidence": 0.2931015568947519, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 21}], "average_area": [79059.83717106147], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 335}, {"time_since_observed": 16, "confidence": 0.44461324583791006, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 11, "confidence": 0.2683111493846246, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 21}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [3]}, +{"frame_count": 337, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.20897094905376434, 0.7982844114303589, 1.0, 0.0], [0.0, 0.0, 0.1910914182662964, 0.0, 0.0, 0.0], [0.13783031702041626, 1.0, 0.0, 0.0, 0.0, 0.0], [0.07437554001808167, 0.0, 0.0, 0.0, 0.08934880048036575, 0.0], [0.49313560128211975, 0.0, 0.0, 0.4729144871234894, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[870.0341430947881, 216.22199235085304, 1112.1700453436736, 944.6362588439588, 0.0], [1161.0035390750702, 412.4123523090626, 1246.7554310106027, 671.6475237506476, 0.0], [1068.0365252705617, 393.81104435121244, 1264.6210933720079, 985.5729948196825, 0.0], [855.1724731599347, 450.7520507248886, 928.8488312863412, 673.7916468144746, 0.0], [894.0062143479634, 413.6491346515178, 1063.9438866109042, 925.46568994749, 0.0], [226.13103795703867, 392.91892029458154, 369.3536106587442, 824.5809546234736, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 336}, {"time_since_observed": 16, "confidence": 0.44461324583791006, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 11, "confidence": 0.2683111493846246, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 22}], "average_area": [80028.30429534423], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 336}, {"time_since_observed": 17, "confidence": 0.4150293542783087, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 12, "confidence": 0.24469285984353284, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 22}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [3]}, +{"frame_count": 338, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.20071695744991302, 0.835178554058075, 1.0, 0.0], [0.0, 0.0, 0.1920686662197113, 0.0, 0.0, 0.0], [0.1317126601934433, 1.0, 0.0, 0.0, 0.0, 0.0], [0.07781494408845901, 0.0, 0.0, 0.0, 0.0956425815820694, 0.0], [0.4931504726409912, 0.0, 0.0, 0.5062291026115417, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[869.6732754532684, 214.25197404932578, 1111.8091678733351, 942.6662109745248, 0.0], [1155.7438630460013, 411.8270768087405, 1241.4957480816845, 671.0622273915019, 0.0], [1069.442382972395, 394.33926113102024, 1265.5253674328374, 984.5962401619665, 0.0], [857.5296764113968, 451.3345163935646, 931.206979801412, 674.376974068859, 0.0], [893.909386738731, 413.61715756823065, 1063.849608551845, 925.4414331795952, 0.0], [223.06361812246345, 390.5660890184131, 369.50156600859066, 831.8733195386128, 0.0]], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 337}, {"time_since_observed": 17, "confidence": 0.4150293542783087, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 12, "confidence": 0.24469285984353284, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 23}], "average_area": [80396.88452679262], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 337}, {"time_since_observed": 18, "confidence": 0.39171122771527417, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 13, "confidence": 0.2264129087588254, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 23}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [3]}, +{"frame_count": 339, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.19758129119873047, 0.8720718026161194, 1.0, 0.0], [0.0, 0.0, 0.19244205951690674, 0.0, 0.0, 0.0], [0.12940342724323273, 1.0, 0.0, 0.0, 0.0, 0.0], [0.08125443756580353, 0.0, 0.0, 0.0, 0.10191525518894196, 0.0], [0.4931795001029968, 0.0, 0.0, 0.5394477248191833, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 0], "trackers": [[869.3124053545441, 212.28194835582207, 1111.4482928602013, 940.6961704970672, 0.0], [1150.48418529197, 411.24179609371276, 1236.2360668777285, 670.4769362470618, 0.0], [1069.6561368834393, 394.5755472681331, 1265.54848252663, 984.2605287469846, 0.0], [859.8868796689227, 451.9169820805972, 933.565128310419, 674.9623013048869, 0.0], [893.8195653904312, 413.5854849159523, 1063.7647784424491, 925.4248089837497, 0.0], [238.4300781732177, 407.690658511168, 373.47414384514957, 814.8193639938411, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 338}, {"time_since_observed": 18, "confidence": 0.39171122771527417, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 13, "confidence": 0.2264129087588254, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 24}], "average_area": [78753.07441817118], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 338}, {"time_since_observed": 19, "confidence": 0.3803263159877125, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 14, "confidence": 0.21612492576896697, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 24}], "ret_occluded_trackers": [1, 0], "ret_unmatched_trackers": [3]}, +{"frame_count": 34, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.31833982467651367, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.271849125623703, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [31568.928828889213], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 340, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.19626903533935547, 0.9089640974998474, 1.0, 0.0], [0.0, 0.0, 0.19258254766464233, 0.0, 0.0, 0.0], [0.1284502148628235, 1.0, 0.0, 0.0, 0.0, 0.0], [0.0846940129995346, 0.0, 0.0, 0.0, 0.10816684365272522, 0.0], [0.4932135045528412, 0.0, 0.0, 0.5725628137588501, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0, 1], "trackers": [[868.9515340272175, 210.31191896632998, 1111.08741907567, 938.726133715598, 0.0], [1145.2245066754576, 410.656512771332, 1230.9763865362538, 669.8916477099747, 0.0], [1069.4436520766378, 394.6967308630128, 1265.2644092550347, 984.1669276147004, 0.0], [862.2440829325119, 452.49944778598564, 935.9232768133627, 675.547628522559, 0.0], [893.7373088857343, 413.5553085104346, 1063.6883820205912, 925.4122879888225, 0.0], [247.60466489838979, 396.0066421329493, 391.0470841307154, 828.3335858458779, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 339}, {"time_since_observed": 19, "confidence": 0.3803263159877125, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 14, "confidence": 0.21612492576896697, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 25}], "average_area": [79912.38279863942], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 339}, {"time_since_observed": 20, "confidence": 0.35745926586642235, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 15, "confidence": 0.20016634872236286, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 25}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [3]}, +{"frame_count": 341, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.1955225020647049, 1.0, 0.0, 0.0], [0.0, 0.0, 0.19263377785682678, 0.0, 0.0, 0.0], [0.12792760133743286, 1.0, 0.0, 0.0, 0.0, 0.0], [0.4932490885257721, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 4], "trackers": [[868.5906620855897, 208.34188772884363, 1110.7265459054395, 936.7560987821232, 0.0], [1139.9648276277048, 410.07122814527474, 1225.7167066260195, 669.3063604765641, 0.0], [1069.095782599308, 394.77087142086185, 1264.8904550841978, 984.1628194883899, 0.0], [893.662366556937, 413.5269572028766, 1063.6195693673221, 925.4024002969146, 0.0], [246.2802327515184, 409.7841367794273, 380.1665851775489, 813.4393821123969, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 340}, {"time_since_observed": 20, "confidence": 0.35745926586642235, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [76866.07552801287], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 340}, {"time_since_observed": 21, "confidence": 0.35530654379786875, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 1, 4], "ret_unmatched_trackers": []}, +{"frame_count": 342, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.22961990535259247, 1.0, 0.0, 0.0], [0.0, 0.0, 0.16030161082744598, 0.0, 0.0, 0.0], [0.18053923547267914, 1.0, 0.0, 0.05930821970105171, 0.0, 0.0], [0.4932849407196045, 0.0, 0.03720923140645027, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 0], "trackers": [[868.2297898368112, 206.37185556736011, 1110.36567304236, 934.7860647726454, 0.0], [1134.7051483643315, 409.48594286737915, 1220.4570269314056, 668.7210738949918, 0.0], [1053.4773716424309, 375.046245827791, 1268.1405627997817, 1021.0604190779429, 0.0], [893.594222345325, 413.50044302009906, 1063.5575969901245, 925.3944752704901, 0.0], [253.33309886780472, 410.20352187645216, 386.9437891683121, 813.0276708288663, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 341}, {"time_since_observed": 21, "confidence": 0.35530654379786875, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [80709.35257290075], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 341}, {"time_since_observed": 22, "confidence": 0.324258014084615, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.900257215662253, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [4, 0], "ret_unmatched_trackers": [1]}, +{"frame_count": 343, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23894234001636505, 1.0, 0.0, 0.0], [0.0, 0.0, 0.15064577758312225, 0.0, 0.0, 0.0], [0.1999107152223587, 1.0, 0.0, 0.09373574703931808, 0.0, 0.0], [0.493320494890213, 0.0, 0.055270250886678696, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 0], "trackers": [[867.8689174344574, 204.40182294387807, 1110.0048003328554, 932.8160312251663, 0.0], [1129.4454691009582, 408.90065758948356, 1215.1973472367918, 668.1357873134197, 0.0], [1047.569583286706, 368.0819258177047, 1269.0170582390533, 1034.4432840467812, 0.0], [893.5322987262135, 413.4756680271812, 1063.501801896461, 925.3881584490198, 0.0], [260.3171562014746, 410.41545471620935, 393.7898019416918, 812.8234118026037, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 342}, {"time_since_observed": 22, "confidence": 0.324258014084615, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.900257215662253, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [82173.30125984461], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 342}, {"time_since_observed": 23, "confidence": 0.30581041462090813, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.6100492124658559, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1, 4]}, +{"frame_count": 344, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.24134860932826996, 1.0, 0.0, 0.0], [0.0, 0.0, 0.14725977182388306, 0.0, 0.0, 0.0], [0.20656684041023254, 1.0, 0.0, 0.1073351576924324, 0.0, 0.0], [0.4933556616306305, 0.0, 0.06187088042497635, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 0], "trackers": [[867.508044955316, 202.43179008939677, 1109.6439277001389, 930.8459979086863, 0.0], [1124.185789837585, 408.3153723115879, 1209.937667542178, 667.5505007318475, 0.0], [1045.207234484877, 365.4341337567774, 1269.1906266805618, 1039.3994579671773, 0.0], [893.4760309276508, 413.452502083628, 1063.4515880237389, 925.3832257894557, 0.0], [267.30128499563057, 410.62760300287016, 400.63574325458535, 812.6189373294372, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 343}, {"time_since_observed": 23, "confidence": 0.30581041462090813, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [82721.30780764364], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 343}, {"time_since_observed": 24, "confidence": 0.29224653036535675, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 345, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.2413455694913864, 1.0, 0.0, 0.0], [0.0, 0.0, 0.14600837230682373, 0.0, 0.0, 0.0], [0.20833463966846466, 1.0, 0.0, 0.11304553598165512, 0.0, 0.0], [0.493390291929245, 0.0, 0.06461329013109207, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[867.1471724377807, 200.46175711941578, 1109.283055105816, 928.8759647077061, 0.0], [1118.9261105742116, 407.7300870336923, 1204.677987847564, 666.9652141502752, 0.0], [1044.1907653782982, 364.36873387760323, 1269.1336764601024, 1041.210926897825, 0.0], [893.4248918708331, 413.43081153156083, 1063.406417651478, 925.3795117126416, 0.0], [292.69563290510513, 416.28950268181137, 422.05882638084466, 806.3715384066913, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0]], "kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 344}, {"time_since_observed": 24, "confidence": 0.29224653036535675, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [82415.12208430305], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 344}, {"time_since_observed": 25, "confidence": 0.28267790375016116, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 346, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.24041570723056793, 1.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1455380767583847, 0.0, 0.0, 0.0, 0.0], [0.20820260047912598, 1.0, 0.0, 0.11570566892623901, 0.0, 0.0, 0.0], [0.4934244453907013, 0.0, 0.06592527776956558, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[866.7862999010486, 198.491724091685, 1108.92218253069, 926.9059315644756, 0.0], [1113.6664313108383, 407.1448017557967, 1199.4183081529502, 666.379927568703, 0.0], [1043.6972988850591, 363.9033503268349, 1269.0040155311133, 1041.8362680811356, 0.0], [893.3783985808229, 413.41046928709716, 1063.365805008023, 925.3768807609304, 0.0], [315.89730314891847, 417.08510488578236, 444.7076804338143, 805.5090477399222, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [25.251000000000005, 437.53, 145.511, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 345}, {"time_since_observed": 25, "confidence": 0.28267790375016116, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [76883.74814907994], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 23, "confidence": 1, "age": 345}, {"time_since_observed": 26, "confidence": 0.29247270005679965, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 347, "min_hits": 3, "ios_matrix": [[0.0, 0.0018023852026090026, 0.2390991449356079, 0.9991419315338135, 0.0, 0.0, 0.0], [0.00022716820240020752, 0.0, 0.14536131918430328, 0.0, 0.0, 0.0, 0.0], [0.20731422305107117, 1.0, 0.0, 0.1171557754278183, 0.0, 0.0, 0.0], [0.4930346608161926, 0.0, 0.06667498499155045, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[866.425427354718, 196.52169103507924, 1108.5613099651623, 924.9358984501201, 0.0], [1108.4067520474653, 406.5595164779011, 1194.1586284583361, 665.7946409871308, 0.0], [1043.4136258070412, 363.671278398464, 1268.8575313965744, 1042.0154795033186, 0.0], [893.3361118047363, 413.39135792989237, 1063.3293110000532, 925.3752160134009, 0.0], [323.21699881406494, 417.35804620595707, 451.8385515005633, 805.2156178611305, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [66.29284615384617, 437.53, 186.55284615384616, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 23, "confidence": 1, "age": 346}, {"time_since_observed": 26, "confidence": 0.29247270005679965, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [76890.2432838958], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 24, "confidence": 1, "age": 346}, {"time_since_observed": 27, "confidence": 0.2826873695369059, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 348, "min_hits": 3, "ios_matrix": [[0.0, 0.05893007665872574, 0.23760253190994263, 0.9952958226203918, 0.0, 0.0, 0.0], [0.007427401840686798, 0.0, 0.14529599249362946, 0.0, 0.0, 0.0, 0.0], [0.2061091810464859, 1.0, 0.0, 0.11810208857059479, 0.0, 0.0, 0.0], [0.4911697208881378, 0.0, 0.0671878457069397, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[866.0645548035882, 194.5516579640361, 1108.200437404434, 922.965865350202, 0.0], [1103.147072784092, 405.97423120000553, 1188.8989487637223, 665.2093544055585, 0.0], [1043.2193126746151, 363.5333782987174, 1268.7139928468773, 1042.029779870047, 0.0], [893.297633301103, 413.3733701984372, 1063.2965386363544, 925.3744139812557, 0.0], [343.68354703250384, 417.45065278264735, 472.24182854505466, 805.1185667299025, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [62.98978679223875, 437.53, 183.24978679223875, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 24, "confidence": 1, "age": 347}, {"time_since_observed": 27, "confidence": 0.2826873695369059, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [76893.9123596699], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 25, "confidence": 1, "age": 347}, {"time_since_observed": 28, "confidence": 0.2736108761927038, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1]}, +{"frame_count": 349, "min_hits": 3, "ios_matrix": [[0.0, 0.11605776846408844, 0.21400250494480133, 0.9914484620094299, 0.0, 0.0, 0.0], [0.014627635478973389, 0.0, 0.1581384837627411, 0.0, 0.0, 0.0, 0.0], [0.17056158185005188, 1.0, 0.0, 0.06139221042394638, 0.0, 0.0, 0.0], [0.48930343985557556, 0.0, 0.03801535442471504, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 5], "trackers": [[865.7036822500587, 192.5816248857742, 1107.8395648461055, 920.9958322575027, 0.0], [1097.8873935207187, 405.38894592211, 1183.6392690691084, 664.6240678239863, 0.0], [1052.830175503861, 374.1285398340891, 1268.9615596534127, 1024.5308537531919, 0.0], [893.2626024829535, 413.3564085625513, 1063.2671289598861, 925.3743820460704, 0.0], [350.50494503527443, 417.47473504636775, 479.04759238370514, 805.0959370386571, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [63.21698683248542, 415.2621206872394, 192.82008506891327, 806.1326661180623, 0.0]], "kalman_trackers": [{"time_since_observed": 25, "confidence": 1, "age": 348}, {"time_since_observed": 28, "confidence": 0.2736108761927038, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [76122.48769848181], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 26, "confidence": 1, "age": 348}, {"time_since_observed": 29, "confidence": 0.26786016640275156, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 34}, {"time_since_observed": 1, "confidence": 0.07271985001234245, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [1, 5]}, +{"frame_count": 35, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.39164993166923523, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3346571922302246, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [31188.62597979776], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 350, "min_hits": 3, "ios_matrix": [[0.0, 0.22652705013751984, 0.9875999689102173, 0.0, 0.0, 0.0], [0.19043679535388947, 0.0, 0.09795114398002625, 0.0, 0.0, 0.0], [0.48743587732315063, 0.0575062595307827, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[865.3428096953294, 190.61159180390297, 1107.4786922889766, 919.0257991684127, 0.0], [1046.5880773248077, 367.4082594053351, 1268.5704598441635, 1035.367337988093, 0.0], [893.2306930352102, 413.3403845032903, 1063.2407573950563, 925.3750369289164, 0.0], [352.19242254363036, 417.4730875758345, 480.7372435474744, 805.1010095471971, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [81.29116943145203, 430.2832195884097, 204.63374011923264, 802.3216477302727, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 35}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [85594.6385306839], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 35}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 351, "min_hits": 3, "ios_matrix": [[0.0, 0.4106653034687042, 1.0, 0.0, 0.0, 0.0], [0.30867791175842285, 0.0, 0.1120838150382042, 0.0, 0.0, 0.0], [0.4327365458011627, 0.06452810764312744, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[885.4048514098995, 208.8027841792515, 1144.0287913519276, 986.6773431856722, 0.0], [1044.1611420850868, 364.8654322509644, 1268.3368418653117, 1039.404827453633, 0.0], [893.2016097227179, 413.3252177346177, 1063.217130453966, 925.3763036065276, 0.0], [351.99946897613853, 417.4621525922099, 480.55281639404353, 805.1158491751386, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [84.92157209951945, 435.1816011040911, 206.19789246489069, 801.0060028649988, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 36}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [89966.60969756608], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 36}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 352, "min_hits": 3, "ios_matrix": [[0.0, 0.40089187026023865, 1.0, 0.0, 0.0, 0.0], [0.2780337929725647, 0.0, 0.060222871601581573, 0.0, 0.0, 0.0], [0.43163949251174927, 0.037481095641851425, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[885.5271745978743, 208.39001800040268, 1144.4883094629613, 987.2754374165854, 0.0], [1052.9568358830559, 374.59317618506964, 1268.5602778234922, 1023.4110593537044, 0.0], [893.1750854525585, 413.3108354509898, 1063.195982761168, 925.3781144461757, 0.0], [351.16623956770604, 417.4481869772127, 479.7301141453589, 805.1336524187608, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [84.65725053785542, 436.84649843436756, 205.22706906161, 800.5467604093949, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 37}, {"time_since_observed": 0, "confidence": 0.07271985001234245, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [88082.47727677772], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 37}, {"time_since_observed": 1, "confidence": 0.08379443235693226, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 353, "min_hits": 3, "ios_matrix": [[0.0, 0.4014233946800232, 1.0, 0.0, 0.0, 0.0], [0.24800735712051392, 0.0, 0.010874240659177303, 0.0, 0.0, 0.0], [0.4312884509563446, 0.007591103203594685, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[885.5321429488079, 208.26588749571744, 1144.6068972037672, 987.4919832550695, 0.0], [1061.3281685384816, 386.2918678809536, 1264.8914943412685, 998.9961439913573, 0.0], [893.1508785976771, 413.29717162830383, 1063.1770743642076, 925.3804084673623, 0.0], [368.27541566372315, 413.9404020241378, 491.2736386000637, 784.9215618877371, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [83.4620406657541, 437.41750199527246, 203.78748151428573, 800.3832605442417, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 352}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 38}, {"time_since_observed": 0, "confidence": 0.08379443235693226, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [84854.03612641606], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 352}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 38}, {"time_since_observed": 0, "confidence": 0.08379443235693226, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 354, "min_hits": 3, "ios_matrix": [[0.0, 0.4016091227531433, 1.0, 0.0, 0.0, 0.0], [0.2365259826183319, 0.0, 0.00103674060665071, 0.0, 0.0, 0.0], [0.47192054986953735, 0.0008307372918352485, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 0], "trackers": [[885.4735803187999, 208.2478648186716, 1144.590465789357, 987.6002850409222, 0.0], [1064.513801964413, 391.11121574433673, 1263.2882988769004, 989.4459597505795, 0.0], [886.7997433786518, 409.48596507460087, 1064.6982365523556, 945.1916018898212, 0.0], [374.0455520800403, 412.8112319632196, 494.8675379350654, 777.2581699808593, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [101.10167053879792, 437.60705693704506, 221.34424199468236, 800.3238542864473, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 353}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 39}, {"time_since_observed": 0, "confidence": 0.08379443235693226, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [84996.0287741217], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 353}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 39}, {"time_since_observed": 1, "confidence": 0.10131012203974525, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 355, "min_hits": 3, "ios_matrix": [[0.0, 0.40031084418296814, 1.0, 0.0, 0.0, 0.0], [0.252725213766098, 0.0, 0.019314734265208244, 0.0, 0.0, 0.0], [0.4465193450450897, 0.013660853728652, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 5, 0], "trackers": [[885.9799197383459, 207.89883265718146, 1145.1660212851787, 987.459435825386, 0.0], [1060.4364429938194, 384.79564826137715, 1266.3056391316688, 1004.40994295976, 0.0], [890.6974003216142, 411.67060549845434, 1063.7794774004874, 932.9250665793534, 0.0], [375.51938903660465, 412.5056072811202, 495.5141723455278, 774.4686189959126, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [106.50018835899385, 437.6623739734123, 226.71695202564769, 800.3017094608954, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 40}, {"time_since_observed": 1, "confidence": 0.10131012203974525, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [85501.70999955744], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 40}, {"time_since_observed": 2, "confidence": 0.05395229218250559, "age": 15}, {"time_since_observed": 1, "confidence": 0.509876671364313, "age": 10}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4, 5]}, +{"frame_count": 356, "min_hits": 3, "ios_matrix": [[0.0, 0.4161745309829712, 1.0, 0.0, 0.0, 0.0], [0.29508933424949646, 0.0, 0.08469085395336151, 0.0, 0.0, 0.0], [0.43681249022483826, 0.052173931151628494, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[886.5035666422982, 207.60185665496306, 1145.7242692965938, 987.2665304505779, 0.0], [1048.9028959508212, 371.29616948174237, 1267.1253962143176, 1027.9795311039456, 0.0], [892.1928260129996, 412.5528614395195, 1063.4028159650736, 928.18917712446, 0.0], [375.74357142553845, 415.7900180374696, 501.1386499279747, 793.9669377418671, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [113.98226397407929, 437.76939531413313, 234.161584121428, 800.2957807225675, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 355}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 41}, {"time_since_observed": 2, "confidence": 0.05395229218250559, "age": 16}, {"time_since_observed": 0, "confidence": 0.509876671364313, "age": 11}], "average_area": [88471.79690766889], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 355}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 41}, {"time_since_observed": 3, "confidence": 0.037078086862982064, "age": 16}, {"time_since_observed": 0, "confidence": 0.509876671364313, "age": 11}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 357, "min_hits": 3, "ios_matrix": [[0.0, 0.41527611017227173, 1.0, 0.0, 0.0, 0.0], [0.3072908818721771, 0.0, 0.10955055803060532, 0.0, 0.0, 0.0], [0.43385231494903564, 0.06423086673021317, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 4], "trackers": [[885.3801104272181, 208.4789751820121, 1144.3957219810216, 987.5266009710485, 0.0], [1044.5702359552467, 366.37419685499793, 1267.3301998483741, 1036.668494157954, 0.0], [892.7551921948661, 412.8967411369633, 1063.24779635519, 926.3800385211728, 0.0], [392.10682129136086, 413.6657482641494, 513.9023651775393, 781.0368849757447, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [128.73316989035678, 437.66942104581955, 248.94377913098558, 800.2903651274667, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 356}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 42}, {"time_since_observed": 3, "confidence": 0.037078086862982064, "age": 17}, {"time_since_observed": 0, "confidence": 0.509876671364313, "age": 12}], "average_area": [88855.1785979108], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 356}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 42}, {"time_since_observed": 4, "confidence": 0.029419116333433974, "age": 17}, {"time_since_observed": 1, "confidence": 0.5887002013745326, "age": 12}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [5, 4]}, +{"frame_count": 358, "min_hits": 3, "ios_matrix": [[0.0, 0.41645166277885437, 1.0, 0.0, 0.0, 0.0], [0.31296807527542114, 0.0, 0.11904137581586838, 0.0, 0.0, 0.0], [0.43257272243499756, 0.0685206726193428, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 5, 0], "trackers": [[885.2680226051762, 208.5836029181644, 1144.253678190401, 987.5410957133956, 0.0], [1042.9168221570476, 364.49226120787364, 1267.384407190826, 1039.9081722351834, 0.0], [892.9593154806197, 413.0295061944432, 1063.180143704794, 925.6971566233779, 0.0], [397.6276670832765, 412.98216714349275, 518.033054825562, 776.1790658947473, 0.0], [736.1700000000001, 469.6700000000001, 781.1179999999999, 606.51, 0.0], [136.9675949762496, 437.7567149810627, 257.1467605893042, 800.2828078845289, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 357}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 43}, {"time_since_observed": 4, "confidence": 0.029419116333433974, "age": 18}, {"time_since_observed": 1, "confidence": 0.5887002013745326, "age": 13}], "average_area": [89010.68975751336], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 357}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 43}, {"time_since_observed": 5, "confidence": 0.024876184660877636, "age": 18}, {"time_since_observed": 2, "confidence": 0.3181556536626447, "age": 13}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4, 5]}, +{"frame_count": 359, "min_hits": 3, "ios_matrix": [[0.0, 0.4185332953929901, 1.0, 0.0, 0.0], [0.31630757451057434, 0.0, 0.2595704197883606, 0.0, 0.0], [0.5196136832237244, 0.1784662902355194, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[885.6071211176575, 208.40386017881872, 1144.6086197982465, 987.4090046396033, 0.0], [1042.2793987775356, 363.7423723026537, 1267.3943358878907, 1041.0997515904808, 0.0], [904.1132501406508, 403.0555607282363, 1090.715937799683, 964.8860135858727, 0.0], [400.63306521203975, 397.63701845767037, 526.1957499122341, 776.317548705985, 0.0], [145.202024176668, 437.84402132796527, 265.3497379330973, 800.2752382299318, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 358}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 44}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 14}], "average_area": [110035.85247463512], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 358}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 44}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 14}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 36, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.36841872334480286, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.31498563289642334, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [31427.564092942466], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 360, "min_hits": 3, "ios_matrix": [[0.0, 0.4201918840408325, 1.0, 0.0, 0.0], [0.31823283433914185, 0.0, 0.305453896522522, 0.0, 0.0], [0.5528438091278076, 0.22297225892543793, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[885.9501805856844, 208.2360309023785, 1144.9596004505465, 987.2650001029054, 0.0], [1042.030100530039, 363.4234750009524, 1267.3903125774136, 1041.5164270587493, 0.0], [908.3338785737045, 399.64178445564403, 1100.8282621329063, 979.1419584532189, 0.0], [399.50910301360614, 407.05442033931905, 521.4026869149582, 774.7205808714539, 0.0], [154.6586975961415, 437.64394316028677, 274.87601131628236, 800.2851639235777, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 359}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 45}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 15}], "average_area": [110910.68819822119], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 359}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 45}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 15}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 361, "min_hits": 3, "ios_matrix": [[0.0, 0.4216832220554352, 1.0, 0.0, 0.0], [0.3196132183074951, 0.0, 0.3211041986942291, 0.0, 0.0], [0.5655286908149719, 0.23958642780780792, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[886.2952203952009, 208.07415794748857, 1145.308600761357, 987.1150392446573, 0.0], [1041.929763670438, 363.27168322074925, 1267.3820981335446, 1041.6408908932442, 0.0], [909.7503536458639, 398.2525581503742, 1104.4479954232863, 984.3588552419544, 0.0], [411.9244639306908, 406.25658426073653, 527.2588232959378, 754.2421153288641, 0.0], [174.0612711008153, 441.66316830314895, 283.2416512187175, 771.1915906205606, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 360}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 46}, {"time_since_observed": 0, "confidence": 0.3181556536626447, "age": 16}], "average_area": [108989.63483657487], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 360}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 46}, {"time_since_observed": 1, "confidence": 0.5281682202123544, "age": 16}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 362, "min_hits": 3, "ios_matrix": [[0.0, 0.4231050908565521, 1.0, 0.0, 0.0], [0.3207817077636719, 0.0, 0.3420599102973938, 0.0, 0.0], [0.5235463976860046, 0.2362087517976761, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[886.6412503413956, 207.915263050911, 1145.6566109354892, 986.9621003280969, 0.0], [1041.886956518953, 363.1866000220714, 1267.3729874897326, 1041.6568410707398, 0.0], [918.6413557176592, 403.20024801946045, 1105.9617535384536, 967.1743723391913, 0.0], [416.0802457417327, 406.28769834915227, 528.8265751571006, 746.5034592732301, 0.0], [183.27935848612597, 441.7391575846774, 291.68183187600494, 768.9197003973762, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 361}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 47}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 17}], "average_area": [106847.95498609656], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 361}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 47}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 17}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 363, "min_hits": 3, "ios_matrix": [[0.0, 0.42449554800987244, 1.0, 0.0, 0.0], [0.3218659460544586, 0.0, 0.3491783142089844, 0.0, 0.0], [0.5075166821479797, 0.23371991515159607, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[886.9877753474132, 207.75785715787543, 1146.0041260497985, 986.8076724079945, 0.0], [1041.8666521497605, 363.129729478833, 1267.3640857155835, 1041.6341437365222, 0.0], [921.8379357087499, 405.144895723656, 1106.264363309698, 960.434539811084, 0.0], [417.0908267533001, 406.5000213146151, 528.8481661199253, 743.7461665803709, 0.0], [182.05592986402473, 418.1927879583622, 299.3779373957138, 772.1534747441872, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 362}, {"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 48}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 18}], "average_area": [107282.96797001004], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 362}, {"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 48}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 18}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 364, "min_hits": 3, "ios_matrix": [[0.0, 0.4258698523044586, 1.0, 0.0, 0.0], [0.3229150176048279, 0.0, 0.3507670760154724, 0.0, 0.0], [0.5014000535011292, 0.23194865882396698, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[887.3345478812134, 207.60119576020747, 1146.3513936363252, 986.6524999925243, 0.0], [1041.8553986527522, 363.08613738594056, 1267.3557350767846, 1041.5992340470061, 0.0], [922.8443482972968, 405.8546816512234, 1106.1546026495012, 957.7944708743476, 0.0], [420.73089735591645, 411.00917445901257, 537.4230965593148, 763.0665067372848, 0.0], [190.3581860163215, 425.61305992526934, 303.91133325981997, 768.2565729308793, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 363}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 49}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 19}], "average_area": [107191.83197040492], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 363}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 49}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 19}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 365, "min_hits": 3, "ios_matrix": [[0.0, 0.4272342622280121, 1.0, 0.0, 0.0], [0.3239480257034302, 0.0, 0.34740546345710754, 0.0, 0.0], [0.45831388235092163, 0.20998603105545044, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[887.6814441783727, 207.44490660862266, 1146.6985374594929, 986.4969553309711, 0.0], [1041.848004560353, 363.0498885504934, 1267.3480120253014, 1041.5619755088233, 0.0], [927.4856978141181, 409.53920688072424, 1102.7282112523453, 937.2772956259386, 0.0], [421.596385619533, 412.8344685412835, 540.1273253068605, 770.4079854030258, 0.0], [198.98318338070692, 437.4613362237858, 306.1169994230644, 760.8446485797924, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 0.6100492124658559, "age": 50}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 20}], "average_area": [104860.6480431529], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 20}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 366, "min_hits": 3, "ios_matrix": [[0.0, 0.4285915791988373, 1.0, 0.0, 0.0], [0.3249724209308624, 0.0, 0.3448665738105774, 0.0, 0.0], [0.441870778799057, 0.2009756863117218, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 0], "trackers": [[888.0284023570783, 207.28880357967915, 1147.045619401114, 986.3412245467766, 0.0], [1041.8424442149553, 363.01850051377926, 1267.340902857704, 1041.5259195885133, 0.0], [929.1171360644603, 411.1437798150283, 1101.1817940656413, 929.3455827372956, 0.0], [427.1907855557117, 412.7532887023044, 545.5166446482814, 769.7081368037962, 0.0], [211.44391205391378, 432.91347233151794, 321.2512727527005, 764.3157237907996, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 21}], "average_area": [104516.39576119994], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 21}], "ret_occluded_trackers": [3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 367, "min_hits": 3, "ios_matrix": [[0.0, 0.42994314432144165, 1.0, 0.0, 0.0], [0.32599127292633057, 0.0, 0.342865914106369, 0.0, 0.0], [0.4356042742729187, 0.19697970151901245, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[888.375391476524, 207.13279361195617, 1147.3926704019952, 986.1854007013615, 0.0], [1041.8379074884622, 362.99082799816915, 1267.3343658060378, 1041.492225347285, 0.0], [929.5743499047326, 411.82996354882084, 1100.4124765346066, 926.3506566826138, 0.0], [432.73398204652966, 412.5176428978871, 550.957167435063, 769.1627541700047, 0.0], [215.35182895182473, 431.2894242830182, 326.1797126996071, 765.7519572214433, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 22}], "average_area": [104383.79912949032], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 22}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 368, "min_hits": 3, "ios_matrix": [[0.0, 0.43128976225852966, 1.0, 0.0, 0.0], [0.32700595259666443, 0.0, 0.3411903977394104, 0.0, 0.0], [0.43322470784187317, 0.19495011866092682, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[888.7223960663314, 206.97683017481853, 1147.7397059325149, 986.0295303253611, 0.0], [1041.83405289169, 362.9662545176277, 1267.3283527275132, 1041.461156053726, 0.0], [929.5926062827822, 412.14321240856094, 1099.9626899573195, 925.2591547122411, 0.0], [447.897729419383, 394.06775391058017, 574.8233361272992, 776.8460414520669, 0.0], [216.06641200055446, 430.7455941768864, 327.30016157064733, 766.4254247224769, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 23}], "average_area": [105625.55320270309], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 23}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 369, "min_hits": 3, "ios_matrix": [[0.0, 0.4326319396495819, 1.0, 0.0, 0.0], [0.32801714539527893, 0.0, 0.33973056077957153, 0.0, 0.0], [0.4323296546936035, 0.19371874630451202, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[889.0694083913174, 206.8208900029673, 1148.0867337278557, 985.8736366840743, 0.0], [1041.830721342362, 362.94438238929234, 1267.3228164423238, 1041.4326496223912, 0.0], [929.4570204994887, 412.30724845001765, 1099.650722505957, 924.8938293551578, 0.0], [469.9012871721292, 391.0484436286903, 598.2557649936981, 778.1144814082205, 0.0], [231.79885392688072, 430.6021161595726, 343.20505331342986, 766.7994767102404, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 24}], "average_area": [105831.40735360731], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 24}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 37, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3088250458240509, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.26417556405067444, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [31042.91497519174], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 370, "min_hits": 3, "ios_matrix": [[0.0, 0.4339700937271118, 1.0, 0.0, 0.0, 0.0], [0.3290252685546875, 0.0, 0.3384324014186859, 0.0, 0.0, 0.0], [0.4320015013217926, 0.19283583760261536, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[889.4164245838924, 206.66496146375766, 1148.4337576556077, 985.7177314101459, 0.0], [1041.8278263039151, 362.92491291155613, 1267.317713009521, 1041.4065350951937, 0.0], [929.2760070087609, 412.40975198011233, 1099.4049872018466, 924.8021150129898, 0.0], [476.9891619869656, 390.05325734138097, 605.8366692017985, 778.5985940909156, 0.0], [236.98107740169175, 430.6037623328018, 348.4696837593949, 767.0487039830653, 0.0], [104.96999999999998, 442.86999999999995, 233.93, 831.75, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [96612.4242723318], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 371, "min_hits": 3, "ios_matrix": [[0.0, 0.43530458211898804, 1.0, 0.0, 0.0, 0.0], [0.3300305902957916, 0.0, 0.3372669816017151, 0.0, 0.0, 0.0], [0.4318896532058716, 0.19212578237056732, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.08577260375022888], [0.0, 0.0, 0.0, 0.0, 0.08935825526714325, 0.0]], "unmatched_trackers": [0], "trackers": [[889.7634427102616, 206.5090387408685, 1148.7807796495654, 985.561820319897, 0.0], [1041.8253114687109, 362.90759919601464, 1267.3130022446376, 1041.3826139353864, 0.0], [929.0898444261105, 412.4847185236388, 1099.1967599144773, 924.810898594993, 0.0], [480.78304841875627, 401.6312386780376, 590.7590141617953, 733.6023130208657, 0.0], [238.20423400006206, 430.65447540536695, 349.73966842363353, 767.2403108605882, 0.0], [134.4124227997481, 434.44945529131866, 248.28450027717506, 777.9105447086813, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [92514.48033681954], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 372, "min_hits": 3, "ios_matrix": [[0.0, 0.4366356432437897, 1.0, 0.0, 0.0, 0.0], [0.3310333788394928, 0.0, 0.3362162709236145, 0.0, 0.0, 0.0], [0.4318602979183197, 0.1915179193019867, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.2560455799102783], [0.0, 0.0, 0.0, 0.0, 0.30077099800109863, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[890.110461803528, 206.35311892613942, 1149.1278006766258, 985.4059063214881, 0.0], [1041.823134323306, 362.8922268396839, 1267.3086476470294, 1041.3606897702605, 0.0], [928.9127806074733, 412.5454685530426, 1099.0138962556257, 924.8542843304419, 0.0], [484.42659201073644, 404.9508823146242, 595.5182017671324, 740.2324297683109, 0.0], [232.4482984575567, 418.6531555210486, 349.4547196090647, 771.6622219581172, 0.0], [143.23311163340125, 441.4822200421452, 270.0736647197134, 824.0039413104021, 0.0]], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 0.5281682202123544, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [94831.30860167771], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 1, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 4], "ret_unmatched_trackers": []}, +{"frame_count": 373, "min_hits": 3, "ios_matrix": [[0.0, 0.437963604927063, 1.0, 0.0, 0.0, 0.0], [0.33203381299972534, 0.0, 0.33526715636253357, 0.0, 0.0, 0.0], [0.4318622350692749, 0.19098179042339325, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.20798859000205994], [0.0, 0.0, 0.0, 0.0, 0.253456711769104, 0.0]], "unmatched_trackers": [0], "trackers": [[890.4574813802429, 206.1972005654904, 1149.474821220238, 985.249990868999, 0.0], [1041.821259644385, 362.8786053394654, 1267.3046161458574, 1041.3405785497584, 0.0], [928.7492082070919, 412.59741501741564, 1098.8507033878864, 924.9074134401035, 0.0], [492.4841592272373, 410.6420708559057, 609.2725192099192, 763.0073154774706, 0.0], [238.99061874329362, 417.768199317229, 355.93105939412004, 770.5782021924912, 0.0], [141.79305791799703, 443.0135009221101, 270.9142517245339, 832.3923526013946, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [95766.95657558802], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 374, "min_hits": 3, "ios_matrix": [[0.0, 0.4274977147579193, 1.0, 0.0, 0.0, 0.0], [0.2977209687232971, 0.0, 0.27701443433761597, 0.0, 0.0, 0.0], [0.431876003742218, 0.17178525030612946, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.13056859374046326], [0.0, 0.0, 0.0, 0.0, 0.16650645434856415, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[890.8045011986821, 206.04128293188137, 1149.8218415221256, 985.0940746894701, 0.0], [1051.5827340253609, 373.5599026648071, 1267.6821467936775, 1023.8658749212743, 0.0], [928.5998510673425, 412.6429377039865, 1098.7040527264578, 924.9611025869528, 0.0], [501.47728285093353, 397.72252721018737, 626.045338965926, 773.4355287972601, 0.0], [257.92913640010516, 437.73913927576615, 365.3760764361909, 762.0721343824705, 0.0], [154.4554567670762, 438.0863997236196, 275.8389206904679, 804.2018129060356, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [92592.8627399077], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 1, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [0, 4], "ret_unmatched_trackers": []}, +{"frame_count": 375, "min_hits": 3, "ios_matrix": [[0.0, 0.424161434173584, 1.0, 0.0, 0.0, 0.0], [0.28540053963661194, 0.0, 0.25433242321014404, 0.0, 0.0, 0.0], [0.43189409375190735, 0.16325083374977112, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.08057411760091782], [0.0, 0.0, 0.0, 0.0, 0.09942177683115005, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[891.1515211379834, 205.88536566179232, 1150.1688617031514, 984.9381581464211, 0.0], [1055.3079647017562, 377.833896373731, 1267.7142853303776, 1017.0561552699853, 0.0], [928.4641214930957, 412.6832364409482, 1098.5718855750379, 925.0121363678129, 0.0], [506.3781101267187, 403.309885487704, 623.2113229671608, 755.8105216481526, 0.0], [265.164587952039, 437.6165919143649, 372.3997244388935, 761.3102493212392, 0.0], [156.66529230223807, 436.8784035098463, 275.82609594222134, 796.3162880418754, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [90573.36279146634], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 2, "confidence": 0.5748599664761322, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 376, "min_hits": 3, "ios_matrix": [[0.0, 0.4239650070667267, 1.0, 0.0, 0.0, 0.0], [0.281451940536499, 0.0, 0.2455458641052246, 0.0, 0.0, 0.0], [0.43191367387771606, 0.15975531935691833, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.12240064889192581], [0.0, 0.0, 0.0, 0.0, 0.16929852962493896, 0.0]], "unmatched_trackers": [4], "trackers": [[891.4985411377158, 205.72944857346334, 1150.5158818237458, 984.7822414216121, 0.0], [1056.6824298682498, 379.5217807325804, 1267.6612608385806, 1014.4594425737884, 0.0], [928.3410129630187, 412.7190359706156, 1098.4526341010999, 925.0595547468758, 0.0], [505.45291885930897, 395.04484218890116, 630.0341321203307, 770.7975540586258, 0.0], [272.4002490883229, 437.4946771919192, 379.4231628572461, 760.5477316210524, 0.0], [164.79542480205808, 441.0099041663425, 290.7183956308546, 820.7750777679591, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 2, "confidence": 0.5748599664761322, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [92018.10521843926], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 3, "confidence": 0.3882556417389599, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 377, "min_hits": 3, "ios_matrix": [[0.0, 0.566222071647644, 0.8566136956214905, 0.0, 0.0, 0.0], [0.48920050263404846, 0.0, 0.2421272099018097, 0.0, 0.0, 0.0], [0.4840414226055145, 0.1583583652973175, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.09622585773468018], [0.0, 0.0, 0.0, 0.0, 0.13846789300441742, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[952.6216734370622, 318.04767410837064, 1179.0372624791062, 999.3015148783369, 0.0], [1057.155385770393, 380.19832565729524, 1267.5865733108626, 1013.492181249853, 0.0], [928.2294335488704, 412.75085540528045, 1098.344992529996, 925.103234981179, 0.0], [506.6730881943903, 402.3902161016614, 623.5177081133667, 754.9252783859112, 0.0], [279.6361210582342, 437.37339887942505, 386.44639044197123, 759.7845775109141, 0.0], [166.47906567605483, 442.5651542763739, 294.66797030106216, 829.1367689011074, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 3, "confidence": 0.3882556417389599, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [83308.87020448562], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 4, "confidence": 0.330690595202462, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 378, "min_hits": 3, "ios_matrix": [[0.0, 0.5792675018310547, 0.9853550791740417, 0.0, 0.0, 0.0], [0.5001724362373352, 0.0, 0.3843071460723877, 0.0, 0.0, 0.0], [0.5575893521308899, 0.25186023116111755, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.05176066607236862], [0.0, 0.0, 0.0, 0.0, 0.07568275928497314, 0.0]], "unmatched_trackers": [], "trackers": [[955.0373358277905, 320.9730712630068, 1181.2955072038646, 1001.7532635973652, 0.0], [1057.2873030840924, 380.4830389822634, 1267.509099101916, 1013.1483775020797, 0.0], [952.5459455047813, 412.7791126237951, 1122.6654419755234, 925.1433514142605, 0.0], [515.1785009656834, 409.95290260877215, 634.0964188429845, 768.7007701589664, 0.0], [286.87220512351126, 437.25276078549075, 393.46940593133064, 759.020783182216, 0.0], [166.1277028433244, 443.0916803205911, 295.08887838076106, 831.9817035114321, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [83551.3509959258], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 379, "min_hits": 3, "ios_matrix": [[0.0, 0.779958963394165, 0.991134524345398, 0.0, 0.0, 0.0], [0.44738471508026123, 0.0, 0.4073446989059448, 0.0, 0.0, 0.0], [0.48824557662010193, 0.34983107447624207, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.06354562938213348], [0.0, 0.0, 0.0, 0.0, 0.09695915877819061, 0.0]], "unmatched_trackers": [], "trackers": [[953.476741123226, 246.91950414467732, 1219.4749809872565, 1046.9352739530414, 0.0], [1062.4083851701732, 388.59221027493743, 1263.786417944629, 994.7345406879468, 0.0], [951.8224978826877, 402.79726474378987, 1138.4164354974548, 964.6021167742183, 0.0], [517.8488515507001, 395.53148221847704, 637.549961772557, 756.6256845315113, 0.0], [303.48515967704736, 423.263650471869, 408.02911978117834, 738.8860990335894, 0.0], [185.09431115392016, 443.23705483499344, 314.3064536538257, 832.8798720318, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [94377.04950424605], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 38, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23588936030864716, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.20188570022583008, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887, 0.0], [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342, 0.0], [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 0.0], [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393, 0.0], [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247, 0.0], [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [31376.4938283896], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [2]}, +{"frame_count": 380, "min_hits": 3, "ios_matrix": [[0.0, 0.74871826171875, 0.8779758214950562, 0.0, 0.0, 0.0], [0.4680013358592987, 0.0, 0.27305904030799866, 0.0, 0.0, 0.0], [0.40039360523223877, 0.19921979308128357, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.007890990003943443], [0.0, 0.0, 0.0, 0.0, 0.010967226698994637, 0.0]], "unmatched_trackers": [5], "trackers": [[982.3942616862313, 257.2849129353719, 1244.0613162117365, 1044.2952539578264, 0.0], [1089.2201321065345, 383.7241907418787, 1296.028475736292, 1006.1535660570536, 0.0], [960.845287976747, 408.57166390945196, 1137.441258186484, 940.3777041883961, 0.0], [525.9346171256987, 402.8637670022821, 640.8251859677775, 749.525401258997, 0.0], [321.8629362018018, 422.0409728342006, 426.14359585121923, 736.8744163157371, 0.0], [200.07306418297168, 438.83061700686324, 323.07103191347704, 809.811914420112, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [91143.70112794008], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 35}, {"time_since_observed": 1, "confidence": 0.5507011410715549, "age": 11}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [5]}, +{"frame_count": 381, "min_hits": 3, "ios_matrix": [[0.0, 0.6285194158554077, 0.9155614972114563, 0.0, 0.0, 0.0], [0.4047829806804657, 0.0, 0.1995088905096054, 0.0, 0.0, 0.0], [0.43941351771354675, 0.1486772894859314, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.023143555968999863], [0.0, 0.0, 0.0, 0.0, 0.029156571254134178, 0.0]], "unmatched_trackers": [5], "trackers": [[978.6494524357624, 280.62652796049485, 1227.9798913684879, 1030.631983672135, 0.0], [1102.2599494450496, 390.00154403633655, 1302.2854914932946, 992.086538712475, 0.0], [964.0730269668957, 411.02042240632557, 1136.7007077061312, 930.9148958181132, 0.0], [538.1252101857767, 392.9808884516458, 656.3170399041314, 749.5470337427118, 0.0], [327.82984691629287, 427.7791540828534, 437.0463877280917, 757.4225972398874, 0.0], [208.49194057663092, 438.45095448686095, 331.12076624649694, 808.3188611416068, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 36}, {"time_since_observed": 1, "confidence": 0.5507011410715549, "age": 12}], "average_area": [86780.32213407857], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 36}, {"time_since_observed": 2, "confidence": 0.3135950588611493, "age": 12}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [5]}, +{"frame_count": 382, "min_hits": 3, "ios_matrix": [[0.0, 0.6889965534210205, 0.8132909536361694, 0.0, 0.0, 0.0], [0.44966161251068115, 0.0, 0.20888851583003998, 0.0, 0.0, 0.0], [0.4384536147117615, 0.1725533902645111, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.07200087606906891], [0.0, 0.0, 0.0, 0.0, 0.0955132469534874, 0.0]], "unmatched_trackers": [0], "trackers": [[990.4059588959022, 269.49619031439397, 1245.8617241949478, 1037.8712123047646, 0.0], [1103.716256813029, 384.3280555531693, 1310.0242066586131, 1005.2567661082998, 0.0], [955.4027027612042, 402.13532735116434, 1142.8776110681847, 966.5827387308004, 0.0], [548.6181314520123, 402.1074719127566, 662.9167439888719, 746.9921810669377, 0.0], [329.03572569906777, 438.8581384031263, 435.1384685969146, 759.1605862894219, 0.0], [216.9113742532719, 438.07297282035097, 339.16994329653505, 806.8241270096094, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 37}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 13}], "average_area": [91449.31428499734], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 37}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 13}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 383, "min_hits": 3, "ios_matrix": [[0.0, 0.7045993804931641, 0.8009698987007141, 0.0, 0.0, 0.0], [0.4701475501060486, 0.0, 0.21299809217453003, 0.0, 0.0, 0.0], [0.41814130544662476, 0.1666443794965744, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.19909511506557465], [0.0, 0.0, 0.0, 0.0, 0.28447777032852173, 0.0]], "unmatched_trackers": [0], "trackers": [[995.4655935135497, 270.95594406908157, 1250.9797055316317, 1039.5064647860918, 0.0], [1103.9592119865683, 382.2466018147258, 1312.6174946360402, 1010.2234311809627, 0.0], [958.7401980281281, 404.84291420031116, 1143.262005846493, 960.42278232967, 0.0], [536.0212638393975, 394.92156411047, 659.6939586930628, 767.9469895526242, 0.0], [341.4894671961074, 435.1550667893743, 441.8888453355738, 738.3430852459283, 0.0], [250.15679727651673, 437.1036265454942, 370.2356059635796, 799.3169245258208, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 38}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 14}], "average_area": [91665.29361563495], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 38}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 14}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 384, "min_hits": 3, "ios_matrix": [[0.0, 0.7303729057312012, 0.777764618396759, 0.0, 0.0, 0.0], [0.5376831293106079, 0.0, 0.2573302984237671, 0.0, 0.0, 0.0], [0.4009419083595276, 0.18019486963748932, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.20390582084655762], [0.0, 0.0, 0.0, 0.0, 0.30288103222846985, 0.0]], "unmatched_trackers": [], "trackers": [[1000.5398173088255, 272.4595800186682, 1256.0830976906873, 1041.09783507252, 0.0], [1095.9781574388717, 370.3530542076695, 1315.1880154599708, 1029.9948084233497, 0.0], [959.7858308278375, 405.8313130058041, 1143.1679277669675, 957.9885728087559, 0.0], [546.6695298516119, 402.738165785216, 663.1651872914985, 754.2250155725047, 0.0], [345.52490382350584, 433.97179531504696, 443.6761495244293, 730.4092719635979, 0.0], [255.8594474136401, 436.9652730740389, 375.5563180495223, 798.0329388259653, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 39}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 15}], "average_area": [92589.52358065598], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 39}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 15}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 385, "min_hits": 3, "ios_matrix": [[0.0, 0.715603768825531, 0.8083839416503906, 0.0, 0.0, 0.0], [0.48985081911087036, 0.0, 0.23226520419120789, 0.0, 0.0, 0.0], [0.4060577154159546, 0.17043666541576385, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.19320949912071228], [0.0, 0.0, 0.0, 0.0, 0.26572003960609436, 0.0]], "unmatched_trackers": [0], "trackers": [[995.0264369510066, 264.02631952907115, 1253.2942117525738, 1040.8321547142427, 0.0], [1100.4248606051485, 376.82683095368816, 1314.047757335057, 1019.7011892586938, 0.0], [959.9711102463086, 406.1544921082052, 1142.916772839507, 957.0010798167307, 0.0], [543.7940383490696, 393.16345597844025, 662.5880922599925, 751.5394659522133, 0.0], [348.6567769229347, 426.3318599542781, 450.5764985905371, 734.08268447353, 0.0], [257.12497613286087, 436.97236039303164, 376.7087906847223, 797.7012423939437, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 40}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 16}], "average_area": [92634.62404867711], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 40}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 16}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 386, "min_hits": 3, "ios_matrix": [[0.0, 0.7397093176841736, 0.7838094830513, 0.0, 0.0, 0.0], [0.541898250579834, 0.0, 0.2651588022708893, 0.0, 0.0, 0.0], [0.3929160237312317, 0.18144232034683228, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.22294659912586212], [0.0, 0.0, 0.0, 0.0, 0.32633867859840393, 0.0]], "unmatched_trackers": [], "trackers": [[999.3618660104246, 265.06048244571, 1257.65709773414, 1041.948901287931, 0.0], [1094.1605516999082, 368.3720830050345, 1315.1886536436912, 1033.4678951842725, 0.0], [959.8466861661157, 406.22709295925983, 1142.626128462288, 956.5744978587343, 0.0], [551.303428607741, 391.8083505299837, 676.5815272238546, 769.6465588911876, 0.0], [360.90080072375275, 430.78855629962794, 459.67177538722984, 729.0872441688718, 0.0], [274.2539279152006, 437.0364626720068, 393.8231520601106, 797.7221809818823, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 41}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 17}], "average_area": [94698.1078083139], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 41}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 17}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 387, "min_hits": 3, "ios_matrix": [[0.0, 0.525511622428894, 1.0, 0.0, 0.0, 0.0], [0.39314591884613037, 0.0, 0.2616287171840668, 0.0, 0.0, 0.0], [0.4582369327545166, 0.16025221347808838, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.21422746777534485], [0.0, 0.0, 0.0, 0.0, 0.29327040910720825, 0.0]], "unmatched_trackers": [], "trackers": [[950.413629072132, 262.66708417138074, 1209.2039117346349, 1041.0389294025092, 0.0], [1091.599079127765, 365.2096596996217, 1315.3902023057094, 1038.5950534836356, 0.0], [962.3292980224007, 409.66622101250596, 1137.4035239585485, 936.8996646126941, 0.0], [567.0920669266316, 401.6013571594651, 684.2469996873699, 755.0668113282434, 0.0], [368.16203337607516, 425.3380456372613, 470.32300601081187, 733.8131907166917, 0.0], [279.7224630557763, 437.11695477293017, 399.31227338570204, 797.8650958454604, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 42}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 18}], "average_area": [93417.31243591291], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 42}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 18}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 388, "min_hits": 3, "ios_matrix": [[0.0, 0.6586847305297852, 0.9111282825469971, 0.0, 0.0, 0.0], [0.42087191343307495, 0.0, 0.19832108914852142, 0.0, 0.0, 0.0], [0.40284574031829834, 0.13723213970661163, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.21896770596504211], [0.0, 0.0, 0.0, 0.0, 0.2926160991191864, 0.0]], "unmatched_trackers": [], "trackers": [[978.463916111966, 262.2159816282881, 1237.369772426791, 1040.9341724418466, 0.0], [1101.0973378435513, 382.360480572013, 1307.9830126920026, 1005.0393242747681, 0.0], [963.1741707054254, 411.1617863203497, 1135.2170739760327, 929.2988775974163, 0.0], [572.6153099813023, 405.6009557833171, 686.5200006434452, 749.3072472936932, 0.0], [370.21689132758496, 438.4296620583382, 473.6483049790906, 750.717054311822, 0.0], [280.861570486286, 437.1974807885771, 400.48258733175334, 798.0398813652829, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 43}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 19}], "average_area": [89032.37707111573], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 43}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 19}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 389, "min_hits": 3, "ios_matrix": [[0.0, 0.5313108563423157, 1.0, 0.0, 0.0, 0.0, 0.0], [0.3787069022655487, 0.0, 0.23668743669986725, 0.0, 0.0, 0.0, 0.0], [0.43601781129837036, 0.14478544890880585, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.20087115466594696, 0.0], [0.0, 0.0, 0.0, 0.0, 0.22094464302062988, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[950.9780907931424, 262.00453724356174, 1209.9256084909523, 1040.8475804607683, 0.0], [1093.8000370783939, 370.3214346526376, 1312.3643192206546, 1028.0353987140059, 0.0], [963.370418266138, 411.8020767117608, 1134.2435647570887, 926.4285466393258, 0.0], [574.1984022549257, 407.1943934834199, 686.8402603535287, 747.1078825075642, 0.0], [372.7780423987114, 434.43599821341286, 481.6590632372701, 763.0746143143656, 0.0], [283.6743237487741, 448.19447385562023, 397.8858617517359, 792.8035370527133, 0.0], [49.603024180375265, 443.86284897072204, 168.53297581962474, 802.4971510292776, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 44}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [84207.11194762462], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 44}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 39, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.15838447213172913, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.13561727106571198, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226, 0.0], [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529, 0.0], [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 0.0], [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073, 0.0], [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764, 0.0], [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [32140.024557898996], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [2]}, +{"frame_count": 390, "min_hits": 3, "ios_matrix": [[0.0, 0.5387840867042542, 0.9938048124313354, 0.0, 0.0, 0.0, 0.0], [0.4346500635147095, 0.0, 0.2511647343635559, 0.0, 0.0, 0.0, 0.0], [0.46926188468933105, 0.14701034128665924, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.18517428636550903, 0.0], [0.0, 0.0, 0.0, 0.0, 0.26876023411750793, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[964.3817789076306, 281.6140532864895, 1212.549464885666, 1028.1259584058298, 0.0], [1090.9472727011216, 365.939490563674, 1313.8108044553242, 1036.5462456303007, 0.0], [963.3259580529241, 412.0954959041752, 1133.7523824410775, 925.3812401779579, 0.0], [574.3131202757868, 407.8351440585718, 686.4718140819016, 746.2973769154646, 0.0], [389.247454724907, 438.16762460597363, 486.8390684498553, 732.9540091653422, 0.0], [298.1229355363546, 441.4200177325978, 415.768812360138, 796.3376468225348, 0.0], [95.88761323913884, 425.0471879853454, 221.84654060701507, 804.8774273992699, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.330690595202462, "age": 45}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [82645.59173043945], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [4], "ret_unmatched_trackers": []}, +{"frame_count": 391, "min_hits": 3, "ios_matrix": [[0.0, 0.5372474789619446, 0.9631543159484863, 0.0, 0.0, 0.0, 0.0], [0.45510122179985046, 0.0, 0.2567875385284424, 0.0, 0.0, 0.0, 0.0], [0.4697667360305786, 0.1478518396615982, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.17121581733226776, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2550086975097656, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[969.4734862217028, 289.18447960097063, 1213.4058500012438, 1022.9904970493699, 0.0], [1089.7378327135755, 364.26981127153465, 1314.2207162308484, 1039.73206951237, 0.0], [963.200222357313, 412.2501414409823, 1133.4578775229843, 925.0293798911107, 0.0], [590.0135384513804, 408.10475219415207, 701.9899120446154, 746.0193751653605, 0.0], [396.78011441342056, 437.8767188123777, 494.1778204546428, 732.0773835251107, 0.0], [302.76248803491484, 438.91672208429816, 421.7054890038641, 797.7267738590605, 0.0], [92.94879288658143, 420.477072772852, 220.58750939414028, 805.3727309262289, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [82318.82837717082], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 2, "confidence": 0.8006100423748264, "age": 46}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [4], "ret_unmatched_trackers": []}, +{"frame_count": 392, "min_hits": 3, "ios_matrix": [[0.0, 0.5366801619529724, 0.9512885808944702, 0.0, 0.0, 0.0, 0.0], [0.4632909595966339, 0.0, 0.2590506076812744, 0.0, 0.0, 0.0, 0.0], [0.46991202235221863, 0.14823494851589203, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.1288830190896988, 0.0], [0.0, 0.0, 0.0, 0.0, 0.19397462904453278, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[971.3441431436597, 292.0123539681896, 1213.640997640494, 1020.9114097579226, 0.0], [1089.159784878962, 363.60908312643915, 1314.2568927797088, 1040.9129358657615, 0.0], [963.0536838786408, 412.34749909274694, 1133.2489786005735, 924.939604387498, 0.0], [595.4272009118091, 408.2294512758643, 707.3365419397097, 745.9427726129945, 0.0], [404.2643696371829, 437.4396019191193, 501.56497692418156, 731.3469689845417, 0.0], [303.72622508335735, 438.00216414448147, 423.17441463290106, 798.328225263379, 0.0], [89.33068443238982, 418.98652728081004, 217.51439058880726, 805.5256064534809, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 2, "confidence": 0.8006100423748264, "age": 47}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [82184.11417965405], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 3, "confidence": 0.5451484075687721, "age": 47}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 393, "min_hits": 3, "ios_matrix": [[0.0, 0.4913046360015869, 1.0, 0.0, 0.0, 0.0, 0.0], [0.3906583786010742, 0.0, 0.2600230872631073, 0.0, 0.0, 0.0, 0.0], [0.45394688844680786, 0.14844675362110138, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.08440979570150375, 0.0], [0.0, 0.0, 0.0, 0.0, 0.14055129885673523, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[948.1682170858631, 272.8573008752347, 1200.9043501247263, 1033.0724693909901, 0.0], [1088.8330603767688, 363.3318625823662, 1314.1630803549208, 1041.334014902783, 0.0], [962.908529827485, 412.4191529952583, 1133.0821219741822, 924.94615559548, 0.0], [592.7688560810935, 395.41606286995477, 709.8752725377989, 748.7264681517751, 0.0], [411.74867335802577, 437.0026315167171, 508.95208489663975, 730.6164079531164, 0.0], [299.8829173222126, 423.43176097722244, 425.41073912903585, 802.0137711619179, 0.0], [104.96816612072033, 438.00987824680107, 225.12210376306749, 800.4122691797718, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 3, "confidence": 0.5451484075687721, "age": 48}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [84729.78102850201], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 4, "confidence": 0.4042063189293976, "age": 48}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 394, "min_hits": 3, "ios_matrix": [[0.0, 0.6338480114936829, 0.9189671874046326, 0.0, 0.0, 0.0, 0.0], [0.4494568705558777, 0.0, 0.21566236019134521, 0.0, 0.0, 0.0, 0.0], [0.4046446681022644, 0.13391993939876556, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.03778601437807083, 0.0], [0.0, 0.0, 0.0, 0.0, 0.06530294567346573, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[976.5614838695278, 265.6749381866165, 1233.1734066508097, 1037.5140274423647, 0.0], [1096.241042278264, 373.8998854026331, 1312.2744834336313, 1024.007900158049, 0.0], [962.7723457776542, 412.477481078375, 1132.9397456796637, 924.9859335768876, 0.0], [595.4439089644791, 403.4343542296357, 709.3447698461694, 747.1258669449556, 0.0], [419.2330257215748, 436.56580804504927, 516.3391442263918, 729.8856999909568, 0.0], [297.81188574952705, 418.1102320231754, 425.5743411548275, 803.3991518942183, 0.0], [114.15617255612368, 424.63350708923923, 239.9166581815665, 803.8961810136391, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 49}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [84324.57813858344], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 49}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 395, "min_hits": 3, "ios_matrix": [[0.0, 0.7026335597038269, 0.8561062812805176, 0.0, 0.0, 0.0, 0.0], [0.43807998299598694, 0.0, 0.18062341213226318, 0.0, 0.0, 0.0, 0.0], [0.3727032542228699, 0.12612029910087585, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[987.1332025054932, 262.92666297476103, 1245.2099737713327, 1039.1585876735262, 0.0], [1102.078165813813, 385.94463794918414, 1305.785791134886, 999.0818460971659, 0.0], [962.6472204378077, 412.52751806978137, 1132.8143284331998, 925.0351294638485, 0.0], [596.0255577003855, 406.5476504576194, 708.6809026392831, 746.5006204710288, 0.0], [441.44253935801606, 434.0344496470775, 538.7926796659001, 728.0783062086323, 0.0], [317.14176285651547, 430.18123765073005, 440.04579407664437, 800.8857045829241, 0.0], [115.72397188867748, 420.0318819844762, 243.3858819607947, 805.0094367260366, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 50}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [82010.12353533949], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 50}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 396, "min_hits": 3, "ios_matrix": [[0.0, 0.7304605841636658, 0.8333471417427063, 0.0, 0.0, 0.0, 0.0], [0.4319226145744324, 0.0, 0.1668473482131958, 0.0, 0.0, 0.0, 0.0], [0.36124473810195923, 0.12231668084859848, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0005149679491296411, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0007945896941237152, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5], "trackers": [[990.8923784557684, 261.85617122941, 1249.5261617377928, 1039.7584201211353, 0.0], [1104.310013888449, 390.9201825397428, 1303.1108149462846, 989.333585276629, 0.0], [962.5332214563131, 412.5714823854983, 1132.7022668547293, 925.0849433674446, 0.0], [611.9488950376872, 407.7522633427193, 724.1273967147281, 746.2738074649033, 0.0], [444.74581605796027, 433.72877025564463, 542.1015751693086, 727.7880814516768, 0.0], [323.809971067075, 434.87668194999935, 444.82347710680233, 799.9041054523019, 0.0], [115.10143411412172, 418.34220544053835, 243.45616546643674, 805.4016041267479, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 51}, {"time_since_observed": 0, "confidence": 0.3135950588611493, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [81118.30748801856], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 51}, {"time_since_observed": 1, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [5], "ret_unmatched_trackers": []}, +{"frame_count": 397, "min_hits": 3, "ios_matrix": [[0.0, 0.7406004667282104, 0.8258480429649353, 0.0, 0.0, 0.0, 0.0], [0.4288768470287323, 0.0, 0.16166894137859344, 0.0, 0.0, 0.0, 0.0], [0.3574199974536896, 0.12082497030496597, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.007530453614890575, 0.0], [0.0, 0.0, 0.0, 0.0, 0.012664111331105232, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[992.0654713833299, 261.42654243066585, 1250.9113549845413, 1039.9648095759387, 0.0], [1105.0900278828356, 392.93950456763514, 1301.9861110809313, 985.6365828702496, 0.0], [962.4297152091899, 412.6104966372777, 1132.6015253741762, 925.1322900686359, 0.0], [617.4804132977614, 408.2208711610363, 729.4786533197374, 746.201304529588, 0.0], [450.7448595942503, 438.4265772009069, 543.89801137593, 719.8827375962139, 0.0], [331.02210560652685, 434.6912167025102, 451.92456146988394, 799.3836663569632, 0.0], [134.23851782652014, 417.68497221353994, 262.86103952621136, 805.549060929883, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [80498.5617640521], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 398, "min_hits": 3, "ios_matrix": [[0.0, 0.7635247707366943, 0.9026437401771545, 0.0, 0.0, 0.0, 0.0], [0.47752702236175537, 0.0, 0.32465818524360657, 0.0, 0.0, 0.0, 0.0], [0.42507126927375793, 0.24445387721061707, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.08166661858558655, 0.0], [0.0, 0.0, 0.0, 0.0, 0.11702745407819748, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5], "trackers": [[978.9034540556569, 280.97968327522153, 1227.0391579880602, 1027.395665720098, 0.0], [1077.2620657573675, 393.7837131191106, 1273.4273943805629, 984.2875785322492, 0.0], [962.3358636500406, 412.64524186627443, 1132.5107307930589, 925.1762443951083, 0.0], [616.0534256791099, 395.53706156713247, 733.1977900047442, 748.9614916533476, 0.0], [454.3659991397541, 428.1290251477896, 554.7992334757823, 731.4380964815412, 0.0], [346.17038110115305, 436.82066539297347, 466.4661884437738, 799.6944037470373, 0.0], [140.10338929726868, 417.4094346557147, 268.83739265428704, 805.6086116866893, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [79108.47857419324], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 53}, {"time_since_observed": 1, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [5], "ret_unmatched_trackers": []}, +{"frame_count": 399, "min_hits": 3, "ios_matrix": [[0.0, 0.7707419395446777, 0.9313842058181763, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49740147590637207, 0.0, 0.3852255642414093, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4538835287094116, 0.2908925414085388, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.409436970949173], [0.0, 0.0, 0.0, 0.0, 0.0, 0.08355239778757095, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.12421837449073792, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.07668885588645935, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5], "trackers": [[973.9277062918054, 288.57569960888776, 1217.8503310262436, 1022.3525229255504, 0.0], [1066.8718997869878, 394.1671744348729, 1262.7590298962823, 983.8360784799833, 0.0], [962.2508077773481, 412.67620760758984, 1132.4288200495907, 925.2166834160397, 0.0], [615.0728166515603, 390.8454019758982, 734.1248758524202, 749.9921216532706, 0.0], [461.7580647248753, 431.62875854613173, 560.3024961066485, 729.2607946696247, 0.0], [353.9798493450879, 436.6922637238417, 474.21095000455466, 799.3708135960185, 0.0], [141.29300487711296, 417.28050001561076, 270.07871718775993, 805.635190709255, 0.0], [713.1151463680005, 458.434790822874, 764.4288536319998, 614.5052091771263, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 54}, {"time_since_observed": 1, "confidence": 1, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [69428.98777292835], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 54}, {"time_since_observed": 2, "confidence": 0.9420828958213678, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [5], "ret_unmatched_trackers": []}, +{"frame_count": 4, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [40559.669920511325], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 40, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23360350728034973, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.20011328160762787, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393, 0.0], [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722, 0.0], [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 0.0], [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907, 0.0], [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736, 0.0], [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [31294.558996880154], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [2]}, +{"frame_count": 400, "min_hits": 3, "ios_matrix": [[0.0, 0.701641321182251, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.45876675844192505, 0.0, 0.4374384582042694, 0.0, 0.0, 0.0, 0.0, 0.0], [0.45185109972953796, 0.3022981882095337, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.28999271988868713], [0.0, 0.0, 0.0, 0.0, 0.0, 0.1212451383471489, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.18284748494625092, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.06702551245689392, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[948.2622492668219, 271.33932812695514, 1201.596006669574, 1033.3469512680367, 0.0], [1057.9111100802006, 386.0309966230162, 1262.6950875696689, 1002.3892272168263, 0.0], [962.173732149078, 412.7037887871975, 1132.35490010218, 925.253769153901, 0.0], [617.2463876672786, 401.8140588009411, 731.9269543698757, 747.8459017142942, 0.0], [463.8724991037069, 433.02155426123676, 561.6882367530899, 728.4630253428215, 0.0], [361.7731474495343, 436.5150846359825, 481.97188170482406, 799.0960008637271, 0.0], [140.90831180922436, 417.21067879642897, 269.72173564540464, 805.6487751863706, 0.0], [715.9971773422578, 447.28463106969633, 770.9288226577419, 614.2538304687654, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 55}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [72232.56913762414], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 55}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 1, "confidence": 0.02539544958597515, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 401, "min_hits": 3, "ios_matrix": [[0.0, 0.6765754222869873, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4443596303462982, 0.0, 0.4554620385169983, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4396399259567261, 0.30488139390945435, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5708808302879333], [0.0, 0.0, 0.0, 0.0, 0.0, 0.24469885230064392, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2955641448497772, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.15131402015686035, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[938.7216703166225, 264.88159997173625, 1195.5594426829186, 1037.3980016830428, 0.0], [1054.7756966246197, 383.06803670410284, 1262.8585614179547, 1009.3193966952289, 0.0], [962.1038845557821, 412.72832447362265, 1132.2881894388559, 925.2877527335957, 0.0], [633.8204231920778, 406.0702410829078, 746.7895123094405, 746.9653099715008, 0.0], [464.0284460982211, 433.5931055885615, 561.5661727444444, 728.1987971121598, 0.0], [386.42628385145133, 441.53885313173146, 493.6561831520021, 765.2201978710702, 0.0], [151.3842607253946, 431.9666040695347, 274.09307687922865, 802.0749106388428, 0.0], [713.7072185850885, 439.66495139398467, 771.656781414911, 615.8073562983232, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 56}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 1, "confidence": 0.02539544958597515, "age": 3}], "average_area": [71691.26989302562], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 56}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 2, "confidence": 0.021356942153272582, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 402, "min_hits": 3, "ios_matrix": [[0.0, 0.6671710014343262, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43890392780303955, 0.0, 0.46080854535102844, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4351591467857361, 0.30481499433517456, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.43587327003479004], [0.0, 0.0, 0.0, 0.0, 0.0, 0.2720726728439331, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.31687185168266296, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.11764413863420486, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[935.2993622094083, 262.4269084290158, 1193.4627580743447, 1038.918611130429, 0.0], [1053.804177329384, 381.9466011926214, 1263.1336840797144, 1011.9361105207244, 0.0], [962.0405790657608, 412.7501144453402, 1132.2279912664474, 925.3189013393185, 0.0], [620.4978191510465, 394.863381952725, 738.0009471210255, 749.3641953192953, 0.0], [471.8559489417215, 426.6225620623403, 573.8561996200598, 734.6250002680068, 0.0], [394.8103341130604, 433.5187366051455, 504.917197901595, 765.8259372919063, 0.0], [143.33168320390672, 422.6224584958786, 269.89726818935833, 804.3131223412536, 0.0], [711.4920456967483, 432.27258944329327, 772.3099543032512, 617.1335644028607, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 57}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 2, "confidence": 0.021356942153272582, "age": 4}], "average_area": [73597.77844403025], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 57}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 3, "confidence": 0.02036811095423662, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 403, "min_hits": 3, "ios_matrix": [[0.0, 0.6671110391616821, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4032205045223236, 0.0, 0.43138256669044495, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43348249793052673, 0.30937817692756653, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6127054691314697], [0.0, 0.0, 0.0, 0.0, 0.0, 0.280008465051651, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3214198052883148, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.19159087538719177, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6, 7], "trackers": [[934.1953201179088, 261.48687627444656, 1192.8629328619475, 1039.4905814880876, 0.0], [1058.7564698392418, 389.50866660021006, 1259.7821697748793, 994.5939807023317, 0.0], [961.9831931558391, 412.7694271896906, 1132.1736792375057, 925.3474719856465, 0.0], [634.2086246114804, 403.4254263117996, 748.2832150809438, 747.6387608376708, 0.0], [474.21745074355306, 424.07609646263535, 577.8701625109576, 737.0365347729735, 0.0], [397.1935477048484, 430.87813807678475, 508.2736805071523, 766.102212769214, 0.0], [139.7847949692881, 419.12395135099575, 267.7812213938327, 805.1102777282011, 0.0], [709.3415317299181, 425.07676353838275, 772.8984682700813, 618.2632364616173, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 58}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 3, "confidence": 0.02036811095423662, "age": 5}], "average_area": [72592.88816971642], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 58}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 34}, {"time_since_observed": 1, "confidence": 1, "age": 15}, {"time_since_observed": 4, "confidence": 0.021142464347358288, "age": 5}], "ret_occluded_trackers": [6], "ret_unmatched_trackers": [7]}, +{"frame_count": 404, "min_hits": 3, "ios_matrix": [[0.0, 0.6635558605194092, 1.0, 0.0, 0.0, 0.0, 0.0], [0.42328178882598877, 0.0, 0.44919025897979736, 0.0, 0.0, 0.0, 0.0], [0.43285617232322693, 0.30480483174324036, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.23069730401039124, 0.0], [0.0, 0.0, 0.0, 0.0, 0.28740808367729187, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6], "trackers": [[933.9594517708944, 261.12404862325246, 1192.8190468776565, 1039.7034439633485, 0.0], [1055.675416165745, 384.37298297579724, 1262.3552688271075, 1006.4170126604974, 0.0], [961.9311629722251, 412.78650449764086, 1132.12468835544, 925.3737030389218, 0.0], [637.1505822471073, 393.9230779606771, 755.0625401923443, 749.6503282426715, 0.0], [480.1392278880866, 430.20850976967495, 579.9545321684885, 731.6526373468423, 0.0], [397.3754795687703, 430.0070258161957, 508.8269537396769, 766.3440082437301, 0.0], [144.35198651038795, 419.2904360728843, 272.2857167324683, 805.0876956335934, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 59}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 35}, {"time_since_observed": 1, "confidence": 1, "age": 16}], "average_area": [82317.24382200667], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 59}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 35}, {"time_since_observed": 2, "confidence": 0.47967089502442956, "age": 16}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [6]}, +{"frame_count": 405, "min_hits": 3, "ios_matrix": [[0.0, 0.6622987389564514, 1.0, 0.0, 0.0, 0.0, 0.0], [0.43093210458755493, 0.0, 0.45475268363952637, 0.0, 0.0, 0.0, 0.0], [0.43262800574302673, 0.3023674190044403, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.2802309989929199, 0.0], [0.0, 0.0, 0.0, 0.0, 0.33002999424934387, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6, 2], "trackers": [[934.0383885328678, 260.9819685680206, 1192.97092182706, 1039.7800766070172, 0.0], [1054.6831779457343, 382.4613047185581, 1263.48282144939, 1010.8620282152945, 0.0], [961.8839782268, 412.80156462202507, 1132.0805082072384, 925.3978123824133, 0.0], [636.5943800016128, 405.24666484240424, 741.9908655034908, 723.4481961005938, 0.0], [481.8343831119526, 432.63358169324215, 580.1469169910285, 729.5656727104131, 0.0], [408.2228045749046, 438.57775540275645, 514.9432639650624, 760.725861996464, 0.0], [148.91919342171727, 419.45696714527327, 276.79019670087433, 805.0650671884853, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 60}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 36}, {"time_since_observed": 2, "confidence": 0.47967089502442956, "age": 17}], "average_area": [80932.21065984505], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 60}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 36}, {"time_since_observed": 3, "confidence": 0.3452426838842105, "age": 17}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": [6]}, +{"frame_count": 406, "min_hits": 3, "ios_matrix": [[0.0, 0.4988398253917694, 1.0, 0.0, 0.0, 0.0, 0.0], [0.45526328682899475, 0.0, 0.326677143573761, 0.0, 0.0, 0.0, 0.0], [0.549802303314209, 0.1967993974685669, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.2886490225791931, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3326759934425354, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[956.8046069080516, 338.4488962831636, 1186.3332510990024, 1029.0623671476508, 0.0], [1076.7323852560326, 370.6157276406696, 1295.994149977591, 1030.413058995178, 0.0], [962.1942144578181, 412.81940947880054, 1132.3030542240397, 925.1515527079268, 0.0], [637.2324489131487, 394.4945927599183, 752.0187540889309, 740.8643730114461, 0.0], [491.3221528033121, 426.39937893370274, 593.6025398689704, 735.2422228364703, 0.0], [416.27231213947834, 433.10386930882527, 526.1034299775123, 764.5827622990898, 0.0], [153.48641572590674, 419.6235446364077, 281.2946612764203, 805.0423923246316, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 61}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 37}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 18}], "average_area": [78192.80061670953], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 61}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 37}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 18}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 407, "min_hits": 3, "ios_matrix": [[0.0, 0.5885388851165771, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5568546056747437, 0.0, 0.46508288383483887, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5516458749771118, 0.2711590528488159, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.24708423018455505, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3086688220500946, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 7], "trackers": [[955.9794595133142, 341.45138362533146, 1185.3746288902273, 1031.6632509996725, 0.0], [1052.8767368814092, 366.2376339810328, 1276.004778793288, 1037.6342765352622, 0.0], [961.7831768848438, 412.67587444653543, 1132.0778932562675, 925.5678390220525, 0.0], [637.2129412720399, 390.72898503324836, 755.3913907635683, 747.2637048088429, 0.0], [498.97404749999555, 431.19204207824407, 598.251029318377, 731.0200280062919, 0.0], [418.6149963102522, 431.14249268013623, 529.6177555233958, 766.134683373529, 0.0], [220.80994622248204, 413.18849588203165, 341.6847833264884, 777.7928413479917, 0.0], [872.1600000000001, 442.23, 927.729, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 62}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 38}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [69751.72628452843], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 62}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 38}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 19}, {"time_since_observed": 1, "confidence": 0.013440593501238503, "age": 1}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": [7]}, +{"frame_count": 408, "min_hits": 3, "ios_matrix": [[0.0, 0.4555513262748718, 0.9669989943504333, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49593859910964966, 0.0, 0.32976147532463074, 0.0, 0.0, 0.0, 0.0, 0.0], [0.6055433750152588, 0.18968304991722107, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.19017042219638824, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2895642817020416, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[967.6425106760412, 374.40853144254567, 1182.876529596383, 1022.1185154366594, 0.0], [1076.133669081465, 364.54484242018697, 1300.7197697567076, 1040.315357519774, 0.0], [962.024016571086, 412.6455825514892, 1132.2763200036475, 925.4098082517203, 0.0], [654.8131470226672, 402.0630922186207, 769.16244539778, 747.104046351773, 0.0], [504.1484306376681, 440.1320501296567, 594.4031913760256, 712.9088345163685, 0.0], [418.8291636211736, 430.4830115589761, 530.2829843318049, 766.827702198221, 0.0], [234.90267212603305, 425.2233610693937, 349.20842731327264, 770.1136942260069, 0.0], [860.8500000000001, 442.23, 916.4190000000001, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 63}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 39}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 20}, {"time_since_observed": 1, "confidence": 0.013440593501238503, "age": 2}], "average_area": [66104.58371025113], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 63}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 39}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 20}, {"time_since_observed": 2, "confidence": 0.014182142090316447, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 409, "min_hits": 3, "ios_matrix": [[0.0, 0.5920853018760681, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4631551206111908, 0.0, 0.40857550501823425, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4882712960243225, 0.2550300359725952, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.15396958589553833, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.19548510015010834, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 7], "trackers": [[946.2077774874655, 299.9140684992342, 1190.178400231968, 1033.8541518227578, 0.0], [1062.4400344400428, 374.573351963746, 1278.1832075428765, 1023.8103472828648, 0.0], [961.6734318356805, 412.57709512547706, 1132.0529200742633, 925.724374783388, 0.0], [659.5048125687711, 400.98087381450114, 767.6634895933348, 727.4555573584103, 0.0], [516.7559406698111, 436.4650450041469, 611.4788583240241, 722.6378927144987, 0.0], [428.66542474201793, 439.05919478747626, 535.4422509351324, 761.3776703908919, 0.0], [239.15257233146238, 429.41438735847964, 351.1861580442705, 767.482743097695, 0.0], [849.5400000000002, 442.23, 905.1090000000002, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.4042063189293976, "age": 64}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 40}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 21}, {"time_since_observed": 2, "confidence": 0.014182142090316447, "age": 3}], "average_area": [68830.30455513985], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 40}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 21}, {"time_since_observed": 3, "confidence": 0.013620520860095367, "age": 3}], "ret_occluded_trackers": [4], "ret_unmatched_trackers": [7]}, +{"frame_count": 41, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3655557930469513, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2601146101951599, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 0.0], [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586, 0.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 0.0], [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521, 0.0], [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409, 0.0], [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [34418.13851418193], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 410, "min_hits": 3, "ios_matrix": [[0.0, 0.6366040110588074, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.44655007123947144, 0.0, 0.4379919767379761, 0.0, 0.0, 0.0, 0.0, 0.0], [0.45240306854248047, 0.2824820876121521, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.1124652549624443, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.13813410699367523, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 7, 4], "trackers": [[939.0034010656947, 274.4555257179373, 1192.5123534365596, 1036.9972886371334, 0.0], [1057.3811558773032, 378.54592918335055, 1269.6499931014405, 1017.3555882179512, 0.0], [961.6129418672463, 412.56147381247933, 1132.0165861765968, 925.7815064886217, 0.0], [662.4666130657008, 406.0980557639471, 772.9684124923817, 739.5953259772189, 0.0], [523.379478213839, 436.2717064558918, 618.0432339867219, 722.2658168081109, 0.0], [431.79425620506674, 442.4576400844313, 536.7448586287537, 759.2964907904051, 0.0], [251.70225751452693, 418.7772724719408, 368.45664884222964, 771.0176287475475, 0.0], [838.2300000000002, 442.23, 893.7990000000002, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 41}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 22}, {"time_since_observed": 3, "confidence": 0.013620520860095367, "age": 4}], "average_area": [70505.43982577862], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 2, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 41}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 22}, {"time_since_observed": 4, "confidence": 0.013296911576136619, "age": 4}], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_trackers": [7]}, +{"frame_count": 411, "min_hits": 3, "ios_matrix": [[0.0, 0.660765528678894, 1.0, 0.0, 0.0, 0.0, 0.0], [0.49999988079071045, 0.0, 0.5074170827865601, 0.0, 0.0, 0.0, 0.0], [0.4521055221557617, 0.30316734313964844, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.13745622336864471, 0.0], [0.0, 0.0, 0.0, 0.0, 0.182894766330719, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[937.8662505686547, 274.0777823035364, 1191.4288526156838, 1036.7809206623756, 0.0], [1045.7121521308197, 369.0611693026584, 1266.2392368992535, 1032.6534141064117, 0.0], [961.7840796942434, 412.5224991467685, 1132.1677294816839, 925.6823125169828, 0.0], [663.1970537828937, 408.0420284253147, 774.5827342537576, 744.187596923566, 0.0], [529.9882322223873, 436.0337045193861, 624.6223931848992, 721.9384042899736, 0.0], [438.0821261446592, 434.8975768198642, 547.2963248904894, 764.5277767129195, 0.0], [259.962538166579, 426.95248701319963, 373.04882492197527, 768.1831047922791, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 0, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 2, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 42}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 23}], "average_area": [80893.43620251135], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 0, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 3, "confidence": 0.7358319268654658, "age": 66}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 42}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 23}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 412, "min_hits": 3, "ios_matrix": [[0.0, 0.7322441339492798, 0.9864934682846069, 0.0, 0.0, 0.0, 0.0], [0.5164846777915955, 0.0, 0.44409698247909546, 0.0, 0.0, 0.0, 0.0], [0.4787304401397705, 0.30554354190826416, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.10860670357942581, 0.0], [0.0, 0.0, 0.0, 0.0, 0.14882682263851166, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[963.865058253779, 286.804642772858, 1208.6684091575937, 1023.2267733825304, 0.0], [1056.3082641927472, 412.1015072299712, 1261.851160945017, 1030.7489785667146, 0.0], [961.5630736146572, 412.52934532473347, 1131.9978226303197, 925.843058851774, 0.0], [672.0523791720182, 411.21073423729024, 774.7291187069304, 721.2389593171307, 0.0], [536.5969908599556, 435.7957165678784, 631.2015477540566, 721.6109777868385, 0.0], [439.8722271816457, 432.1335560229659, 550.6766861973947, 766.5324231279603, 0.0], [257.83952310136465, 417.9862567391958, 375.01373290654965, 771.4875767330559, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 0, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 67}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 43}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 24}], "average_area": [76038.56133826834], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 0, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 67}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 43}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 24}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 413, "min_hits": 3, "ios_matrix": [[0.0, 0.672226071357727, 1.0, 0.0, 0.0, 0.0, 0.0], [0.4528537094593048, 0.0, 0.4400596022605896, 0.0, 0.0, 0.0, 0.0], [0.451090008020401, 0.29466742277145386, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[945.3832442049936, 269.3641951550907, 1199.3237140632584, 1033.193263744068, 0.0], [1055.452929588072, 422.6542360075616, 1263.8197130962517, 1049.7620391274047, 0.0], [961.5232233628197, 412.5294568271817, 1131.9678390115446, 925.8728865833823, 0.0], [679.6012391074794, 404.7647907002216, 783.2046661510772, 717.5698890829543, 0.0], [557.9442956781951, 440.9619245179549, 649.3843617735675, 717.2819793247788, 0.0], [439.97745466843696, 431.13910465905263, 551.388537421803, 767.3567876377231, 0.0], [260.63203918650424, 426.68558036682947, 373.9562883860541, 768.6321570887212, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 68}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 44}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 25}], "average_area": [78002.25591963742], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 68}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 44}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 25}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 414, "min_hits": 3, "ios_matrix": [[0.0, 0.6722880601882935, 1.0, 0.0, 0.0, 0.0, 0.0], [0.44622373580932617, 0.0, 0.4500977098941803, 0.0, 0.0, 0.0, 0.0], [0.43994760513305664, 0.298339307308197, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[938.8859943952363, 263.2740163611779, 1196.0319565938144, 1036.715938206162, 0.0], [1055.2308578954123, 396.31676042257527, 1264.6665239993615, 1026.6265128681212, 0.0], [961.501131380159, 412.5331663144548, 1131.94909641837, 925.8866837292194, 0.0], [682.0549700119021, 402.4073565140528, 786.0133762327326, 716.2760943008878, 0.0], [561.7755483606647, 436.58976306960426, 657.1938283886457, 724.8441112743108, 0.0], [439.48871446033735, 430.80742662443333, 551.1358334733466, 767.7328581144812, 0.0], [277.1403119228878, 430.0490668501611, 388.9960232766082, 767.5871352925067, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 413}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 69}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 45}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 26}], "average_area": [79129.03068616423], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 413}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 69}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 45}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 26}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 415, "min_hits": 3, "ios_matrix": [[0.0, 0.6654219627380371, 1.0, 0.0, 0.0, 0.0, 0.0], [0.4392685294151306, 0.0, 0.4499646723270416, 0.0, 0.0, 0.0, 0.0], [0.435874342918396, 0.29710280895233154, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 0], "trackers": [[936.5218513759376, 261.04519754854107, 1194.8704937527511, 1038.0935128402602, 0.0], [1055.2365522258492, 386.28222678734187, 1265.0792520985942, 1017.811233822049, 0.0], [961.4833762391172, 412.53836274964175, 1131.9327454662143, 925.8961092867894, 0.0], [685.159391932105, 406.78113634332135, 794.1215723682029, 735.6608026665072, 0.0], [575.4411793814907, 439.91255365272156, 667.9800912037845, 719.5300405862633, 0.0], [440.6590732211066, 445.35881973924825, 543.1966402290045, 754.9636162917734, 0.0], [282.6035317734987, 431.3311156346609, 393.92448522394415, 767.2641114786315, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 70}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 46}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 27}], "average_area": [78803.72582318498], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 1, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 70}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 46}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 27}], "ret_occluded_trackers": [2, 0], "ret_unmatched_trackers": []}, +{"frame_count": 416, "min_hits": 3, "ios_matrix": [[0.0, 0.6763221621513367, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4888751804828644, 0.0, 0.5080844759941101, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4356624484062195, 0.3062257468700409, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[935.5765767938362, 260.34699748854763, 1193.9739915656576, 1037.5420079864994, 0.0], [1045.4274667997913, 371.4083626213978, 1265.0661679345583, 1032.3356112883632, 0.0], [961.5853359847224, 412.5105915706959, 1132.025438513549, 925.8404287564417, 0.0], [686.379860039094, 395.5705300829432, 802.4440152260402, 745.7608718231759, 0.0], [579.8901164337212, 441.21053185423284, 671.3254375633253, 717.5162662155442, 0.0], [448.1679301142139, 445.09811860183754, 551.5556604788051, 757.2507405174181, 0.0], [283.916285125187, 431.81183586567295, 395.06031503895616, 767.2142187924992, 0.0], [872.16, 442.23, 927.7289999999999, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 415}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 71}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 47}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [72289.59916342796], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 415}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 2, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 71}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 47}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 417, "min_hits": 3, "ios_matrix": [[0.0, 0.6764342188835144, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5051222443580627, 0.0, 0.5295439958572388, 0.0, 0.0, 0.0, 0.0, 0.0], [0.435556560754776, 0.30886998772621155, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[934.6434970364054, 259.6854764212451, 1193.0652945538934, 1036.9538241400478, 0.0], [1041.8673696955566, 365.9101637895329, 1265.1338632395032, 1037.7217208548625, 0.0], [961.6849791502294, 412.4758433384218, 1132.1204481409818, 925.7917252794223, 0.0], [698.3638174952132, 398.7148063059658, 807.2390734265553, 727.3434780081118, 0.0], [580.8997884971022, 441.7252081788988, 671.9126308566154, 716.7629459992813, 0.0], [465.6005374698251, 445.0120663027918, 569.3202489254894, 758.1596699747869, 0.0], [285.5812065566005, 440.8967498870851, 391.72303177900596, 761.2956907838712, 0.0], [853.0030769230771, 442.23, 908.572076923077, 610.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 72}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 48}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [71877.14722541829], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 3, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 72}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 48}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 418, "min_hits": 3, "ios_matrix": [[0.0, 1.0, 0.7914543151855469, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5701067447662354, 0.0, 0.6151267290115356, 0.0, 0.0, 0.0, 0.0, 0.0], [0.30706652998924255, 0.4186152219772339, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[997.3265607349737, 279.9378537443502, 1271.1528340088146, 1103.4142420703804, 0.0], [1027.378631925382, 382.24514347332166, 1234.0468917092082, 1004.2713042834332, 0.0], [961.7834639548375, 412.43760636609863, 1132.2166161293137, 925.7465105424519, 0.0], [702.5438735533659, 400.19164732779325, 808.549336901514, 720.2060644730581, 0.0], [581.951398936285, 437.10962278241493, 677.0420614388594, 724.3814417992904, 0.0], [463.3947018786098, 436.0940678661034, 572.1980621135654, 764.4941792171826, 0.0], [283.7045731002573, 435.38227136290806, 392.95049991356296, 765.094034074478, 0.0], [856.0073485854464, 436.1463448131174, 916.8122403173109, 620.6594523047763, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 73}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 49}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [73217.19196406404], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 4, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 73}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 49}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 419, "min_hits": 3, "ios_matrix": [[0.0, 1.0, 0.736463725566864, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5237528085708618, 0.0, 0.6450091004371643, 0.0, 0.0, 0.0, 0.0, 0.0], [0.28035175800323486, 0.46880409121513367, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1006.7963842997697, 282.64741685126904, 1283.2392108042181, 1113.9702490561042, 0.0], [1022.3831814038095, 389.1329199353702, 1222.3519052317886, 991.0536892986675, 0.0], [961.8813695612818, 412.39762497039885, 1132.3133633158095, 925.7030402288582, 0.0], [703.7254203879515, 400.8679152295711, 808.6172231061682, 717.5384738902674, 0.0], [581.124542074816, 428.1750051130943, 682.3048618308696, 733.7248362577393, 0.0], [470.30438513596454, 441.56682592282846, 576.1337046580247, 761.04519883491, 0.0], [298.5494893182944, 433.3041580995778, 408.97825906806554, 766.5637441704741, 0.0], [856.5690185849259, 440.5140475576485, 913.5998707181762, 613.6289507255177, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 418}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 4, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 74}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 50}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [72784.81470330022], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 418}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 5, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 74}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 50}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 42, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.3625865876674652, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.25646013021469116, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442, 0.0], [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694, 0.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 0.0], [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984, 0.0], [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352, 0.0], [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [34492.464697363896], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 420, "min_hits": 3, "ios_matrix": [[0.0, 1.0, 0.7075884342193604, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5098009705543518, 0.0, 0.6545759439468384, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2691725194454193, 0.4884379506111145, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 0], "trackers": [[1011.815105610659, 285.5756685796016, 1288.3531056379165, 1117.1847079670688, 0.0], [1020.850096386203, 391.95370508892097, 1218.201675122536, 986.0188198323635, 0.0], [961.9789855642151, 412.356771349672, 1132.4104001058158, 925.6604421402915, 0.0], [708.9897539131695, 393.3891208267819, 823.6162356319145, 739.2735912090418, 0.0], [594.9005158807232, 431.99099566928027, 693.8363750103441, 730.7994808284755, 0.0], [487.46683474116907, 443.69419905200925, 592.1470259229991, 759.7242759592541, 0.0], [303.5179891145163, 432.50739769988786, 414.4151822709975, 767.1721561484078, 0.0], [857.4199179993205, 441.77895233671626, 913.3697389268265, 611.6326496220557, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 5, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 75}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 51}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [72950.42610231703], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 6, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 75}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 51}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [2, 0], "ret_unmatched_trackers": []}, +{"frame_count": 421, "min_hits": 3, "ios_matrix": [[0.0, 1.0, 0.678572952747345, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5044440031051636, 0.0, 0.6566773056983948, 0.0, 0.0, 0.0, 0.0, 0.0], [0.25804513692855835, 0.4950375556945801, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.11274077743291855, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.15202516317367554, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 6, 0], "trackers": [[1016.8576264427546, 288.5754905694043, 1293.4432009504085, 1120.3275966165631, 0.0], [1020.5893300117543, 393.137793804311, 1216.9336688186897, 984.1793449768497, 0.0], [962.0764567642859, 412.31548161309684, 1132.507581698685, 925.6182801675732, 0.0], [709.0151477867737, 387.5141498167416, 822.0006460740058, 728.4646923101345, 0.0], [597.2043078176579, 438.0844586088354, 691.1667728567235, 721.976734949285, 0.0], [502.32098626897596, 435.6605457416034, 611.4889667393279, 765.1542674550013, 0.0], [288.64564727550635, 432.19520564733835, 399.740351094184, 767.4527701485579, 0.0], [858.103835467658, 442.16823545320614, 913.7221123216348, 611.0230989093262, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 6, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 76}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 52}, {"time_since_observed": 0, "confidence": 0.3452426838842105, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [72673.20945482801], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 7, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 76}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 52}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [2, 6, 0], "ret_unmatched_trackers": []}, +{"frame_count": 422, "min_hits": 3, "ios_matrix": [[0.0, 0.9942388534545898, 0.6494874954223633, 0.0, 0.0, 0.0, 0.0, 0.0], [0.49949222803115845, 0.0, 0.6561116576194763, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2469417303800583, 0.49655047059059143, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 6], "trackers": [[1021.9120424291513, 291.61108383780373, 1298.5214011085995, 1123.4347139874608, 0.0], [1020.7830877462154, 393.67697115871766, 1216.7429261644058, 983.5642965410311, 0.0], [962.1738555626486, 412.27397381776376, 1132.6048356932624, 925.5763362536127, 0.0], [710.2550468215146, 388.67332711232, 827.7858426786664, 743.2599790608695, 0.0], [610.6451703433991, 440.52964847666885, 702.6397865245508, 718.5155108263771, 0.0], [498.3232690588858, 441.4208170954586, 604.318458829567, 761.3973533638829, 0.0], [293.8536109382459, 432.43850228763665, 404.65314294535267, 766.8053080104881, 0.0], [849.1989974675373, 442.2867525014957, 904.7168607671119, 610.8396906374052, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 7, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 77}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 53}, {"time_since_observed": 1, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [72592.05786745754], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 8, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 77}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 53}, {"time_since_observed": 2, "confidence": 0.8676027014244388, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [0, 2, 6], "ret_unmatched_trackers": []}, +{"frame_count": 423, "min_hits": 3, "ios_matrix": [[0.0, 0.9361574053764343, 0.6203670501708984, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5136546492576599, 0.0, 0.6970895528793335, 0.0, 0.0, 0.0, 0.0, 0.0], [0.23584936559200287, 0.4830055832862854, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 6], "trackers": [[1026.9724048419316, 294.6645592848991, 1303.593654840407, 1126.5239491796626, 0.0], [1013.8965220194955, 385.6254786777771, 1218.7108668027986, 1002.0749295761408, 0.0], [962.2712181600879, 412.2323569928433, 1132.7021258887628, 925.5345013692397, 0.0], [710.3575390785783, 389.16790405434244, 829.579219768991, 748.824913501152, 0.0], [615.1306647105878, 441.4915357125974, 706.3640433941605, 717.19194129232, 0.0], [505.21655310175595, 434.8483321539063, 614.8762658636136, 765.8169199524459, 0.0], [298.98792928419005, 432.4595547641984, 409.6395801133167, 766.380090036155, 0.0], [855.617456987027, 442.31790860920506, 911.1094640656422, 610.7934641362734, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 8, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 78}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 54}, {"time_since_observed": 2, "confidence": 0.8676027014244388, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [74309.25539337992], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 9, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 78}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 54}, {"time_since_observed": 3, "confidence": 0.5801027250820657, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": [6]}, +{"frame_count": 424, "min_hits": 3, "ios_matrix": [[0.0, 0.9017359614372253, 0.5912291407585144, 0.0, 0.0, 0.0, 0.0, 0.0], [0.510708749294281, 0.0, 0.7112105488777161, 0.0, 0.0, 0.0, 0.0, 0.0], [0.22476202249526978, 0.4773879051208496, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.014896508306264877, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.022174352779984474, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 6], "trackers": [[1032.035740180313, 297.7269749564955, 1308.6629356466133, 1129.6042441473633, 0.0], [1011.5871972279823, 382.7139404559841, 1219.685174801992, 1009.0107147523877, 0.0], [962.3685626570483, 412.1906856530771, 1132.7994341847423, 925.4927209997124, 0.0], [719.6272356575818, 396.4248890147436, 829.8102719198026, 728.9796685594064, 0.0], [616.2412311737612, 428.78560423288525, 707.1835271385028, 703.6120235935915, 0.0], [507.25400979872, 432.40717472092786, 618.2847464545908, 767.4865079874622, 0.0], [304.122346580887, 432.48090585075, 414.62591833052795, 765.9545734518321, 0.0], [854.3236447863179, 443.8571640303031, 906.9428242318389, 603.6949898691047, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 9, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 79}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 55}, {"time_since_observed": 3, "confidence": 0.5801027250820657, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [74004.17424862391], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 423}, {"time_since_observed": 1, "confidence": 1, "age": 339}, {"time_since_observed": 10, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 79}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 55}, {"time_since_observed": 4, "confidence": 0.44815077738066356, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": [6]}, +{"frame_count": 425, "min_hits": 3, "ios_matrix": [[0.0, 0.8317737579345703, 0.5223544836044312, 0.0, 0.0, 0.0, 0.0, 0.0], [0.6706647276878357, 0.0, 0.7277451157569885, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2827509343624115, 0.48855987191200256, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[1043.8714340133795, 356.4764496823604, 1275.6385676442599, 1053.7939789096283, 0.0], [1008.8665304339794, 382.56229784434566, 1216.9488467223669, 1008.8119375516446, 0.0], [962.465898103765, 412.1489870558749, 1132.8967515309657, 925.4509678876211, 0.0], [722.8866120443538, 399.5564220084767, 829.4203604315985, 721.1577856284856, 0.0], [619.2946213104071, 432.35603570727363, 714.3588592740487, 719.5487734868302, 0.0], [507.4723459751282, 431.5007133173149, 619.0254998057061, 768.146210891397, 0.0], [309.25686322666473, 432.5025567493514, 419.6121571986584, 765.5287570554592, 0.0], [854.0740284187542, 444.452677445364, 905.660831261927, 601.1861001759802, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 424}, {"time_since_observed": 1, "confidence": 1, "age": 340}, {"time_since_observed": 10, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 80}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 56}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [65420.3575190007], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 424}, {"time_since_observed": 2, "confidence": 1, "age": 340}, {"time_since_observed": 11, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 80}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 56}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 426, "min_hits": 3, "ios_matrix": [[0.0, 0.806637167930603, 0.5082311034202576, 0.0, 0.0, 0.0, 0.0, 0.0], [0.6778345704078674, 0.0, 0.7443026304244995, 0.0, 0.0, 0.0, 0.0, 0.0], [0.28673312067985535, 0.49971306324005127, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[1046.375818745199, 363.5286152136226, 1273.3896761077835, 1046.578047469799, 0.0], [1006.1419485395937, 382.39887225062705, 1214.2164337431243, 1008.6249433329818, 0.0], [962.5632290253586, 412.1072748299515, 1132.9940734023119, 925.4092284042509, 0.0], [723.7983422567194, 400.8580592024689, 828.907837915386, 718.1828726914648, 0.0], [624.1219585589454, 428.7684473109572, 712.7712379784609, 696.7242752708077, 0.0], [507.0440981007161, 431.17275730023493, 618.799320770784, 768.4240653156683, 0.0], [366.76190308473525, 431.19038484112457, 478.5684356806767, 768.5943695490864, 0.0], [849.2716710524262, 443.1034600973062, 903.3421650538519, 607.3093695517703, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 425}, {"time_since_observed": 2, "confidence": 1, "age": 341}, {"time_since_observed": 11, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 81}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 57}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [64280.75507068116], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 425}, {"time_since_observed": 3, "confidence": 1, "age": 341}, {"time_since_observed": 12, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 81}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 57}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 427, "min_hits": 3, "ios_matrix": [[0.0, 0.7902027368545532, 0.5047405362129211, 0.0, 0.0, 0.0, 0.0, 0.0], [0.673569917678833, 0.0, 0.7608715891838074, 0.0, 0.0, 0.0, 0.0, 0.0], [0.288868248462677, 0.5108563899993896, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.023234553635120392, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.035851046442985535, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 4], "trackers": [[1047.0680430699763, 365.8431952796681, 1272.4615257265773, 1044.0281171595454, 0.0], [1003.415408929257, 382.2295546669932, 1211.4859784798332, 1008.4438411042343, 0.0], [962.6605576843905, 412.06555578966675, 1133.0913975362198, 925.3674957352422, 0.0], [723.8307911441445, 401.41470701952767, 828.3938391856905, 717.0985196140402, 0.0], [631.1362738515043, 437.3176435627004, 721.1008079796418, 709.2142310996921, 0.0], [522.5261806322276, 431.06306534034854, 634.3615963809461, 768.5548509506738, 0.0], [372.91734755196734, 431.05029321829727, 484.84794046504277, 768.8284628979344, 0.0], [844.6636786304925, 444.08677513049946, 896.9103095775381, 602.8099698082541, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 12, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.7358319268654658, "age": 82}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 58}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [63993.95175210808], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 13, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 58}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [2, 4], "ret_unmatched_trackers": []}, +{"frame_count": 428, "min_hits": 3, "ios_matrix": [[0.0, 0.35895320773124695, 0.05904622748494148, 0.0, 0.0, 0.0, 0.0, 0.0], [0.5147594213485718, 0.0, 0.8099701404571533, 0.0, 0.0, 0.0, 0.0, 0.0], [0.04970540478825569, 0.475460022687912, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03677443787455559, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.027331219986081123, 0.0, 0.022726286202669144, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.032194409519433975, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 4], "trackers": [[1122.0633722970508, 461.02485699267345, 1307.8382535519588, 1020.4250595624717, 0.0], [995.1448374104128, 366.58603674032537, 1217.6927434014697, 1036.2432650670125, 0.0], [962.7578852121414, 412.02383334220104, 1133.1887228014089, 925.3257664734144, 0.0], [723.5548244538754, 401.67582004040196, 827.9109787972397, 716.7383292759991, 0.0], [636.9433022976498, 437.0030682689088, 726.8615163002414, 708.7596641503859, 0.0], [532.7798739015548, 439.6746699691454, 639.8669078076096, 762.9279046552482, 0.0], [374.56272013454463, 431.0109318944028, 486.533155793977, 768.9092702501571, 0.0], [837.85705598109, 442.9994020702182, 892.1640615039404, 607.9176399711392, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 13, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 59}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [59894.681000318866], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 14, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 59}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_trackers": []}, +{"frame_count": 429, "min_hits": 3, "ios_matrix": [[0.0, 0.3242588937282562, 0.017219562083482742, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47577840089797974, 0.0, 0.8192064166069031, 0.0, 0.0, 0.0, 0.0, 0.0], [0.014579011127352715, 0.47270095348358154, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.1252496987581253], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.03512464836239815, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1130.0022401326455, 466.5453467353325, 1315.244364824851, 1024.3413274260313, 0.0], [993.6680131023497, 364.3882575515012, 1218.1364436414804, 1039.8063324665384, 0.0], [962.8552121742518, 411.98210919114484, 1133.2860486322384, 925.284038915177, 0.0], [738.215822125391, 401.81857340656927, 842.4953737484013, 716.6510796772112, 0.0], [642.7387551875315, 436.6535085862416, 732.6338001771048, 708.3400815899553, 0.0], [536.1367541309965, 428.0114193960782, 641.36097719908, 745.6756970305487, 0.0], [390.601773632754, 431.0020182342712, 502.5889420603162, 768.9508268292514, 0.0], [835.5983836906212, 442.61567177641984, 890.6643052309894, 609.8136804462855, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 14, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 60}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "average_area": [60019.06421992711], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 15, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 60}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 43, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5086956024169922, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3387009799480438, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724, 0.0], [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585, 0.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 0.0], [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614, 0.0], [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231, 0.0], [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [35274.6700000262], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 430, "min_hits": 3, "ios_matrix": [[0.0, 0.2944093346595764, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.43575525283813477, 0.0, 0.8220012784004211, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.47156330943107605, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.1635667383670807, 0.0, 0.0, 0.013671533204615116], [0.0, 0.0, 0.0, 0.15134820342063904, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.004224552772939205, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 4], "trackers": [[1137.8082065308195, 471.66564733232946, 1322.7833775351637, 1028.657784435253, 0.0], [993.2890086614441, 363.61972388368827, 1218.412106591002, 1041.0014732231077, 0.0], [962.9525388535421, 411.94038418829336, 1133.383374745888, 925.242312208735, 0.0], [735.9261041205019, 409.8995389581292, 835.7680974352553, 711.4167449021102, 0.0], [656.4010016088781, 435.30127731277776, 752.4271646055892, 725.381429600596, 0.0], [536.8837257416922, 423.72615740946986, 641.3938432499035, 739.247551937756, 0.0], [395.8761006810677, 431.00349984728484, 507.87184439686, 768.9781769552591, 0.0], [835.0113518363744, 434.2299277352033, 890.3632694142302, 602.2867595836585, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 345}, {"time_since_observed": 15, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 61}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "average_area": [60136.87555595384], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 345}, {"time_since_observed": 16, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 61}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_occluded_trackers": [0, 2, 4], "ret_unmatched_trackers": []}, +{"frame_count": 431, "min_hits": 3, "ios_matrix": [[0.0, 0.2664441466331482, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.39579257369041443, 0.0, 0.8222821950912476, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4707016050815582, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.10060690343379974, 0.0, 0.0, 0.2146540880203247], [0.0, 0.0, 0.0, 0.09648309648036957, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0689714103937149, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1145.547506796217, 476.5852047075956, 1330.389056378253, 1033.1749846662055, 0.0], [993.3384568590837, 363.3057218026796, 1218.7064188886593, 1041.4219199402487, 0.0], [963.0498653914221, 411.8986587595442, 1133.4807010009479, 925.2005859281907, 0.0], [748.8296885712605, 413.0836013018376, 846.9281333824763, 709.3662579356488, 0.0], [663.0117565664974, 435.5028163489585, 759.0693485872827, 725.6779108463284, 0.0], [539.2739482991714, 429.29866674871096, 639.0594194379752, 730.6425450791148, 0.0], [399.7341252330741, 419.16305276976243, 517.032249687394, 773.0520855754902, 0.0], [835.0230820572867, 431.15806506559, 890.4846440960966, 599.5441380622214, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 346}, {"time_since_observed": 16, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 62}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "average_area": [60130.832921635054], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 346}, {"time_since_observed": 17, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 62}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 432, "min_hits": 3, "ios_matrix": [[0.0, 0.2391720861196518, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3558274507522583, 0.0, 0.8216617107391357, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.469963937997818, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.10374987870454788, 0.0, 0.0, 0.42263156175613403], [0.0, 0.0, 0.0, 0.08412472903728485, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.15214605629444122, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1153.2534198240644, 481.40422735328633, 1338.0281224588923, 1037.7927196267333, 0.0], [993.5415333819199, 363.16214030408855, 1219.0013315830313, 1041.5537777628485, 0.0], [963.1471918585972, 411.85693311784627, 1133.5780273267128, 925.1588598605952, 0.0], [753.36422722508, 414.32635912983744, 850.7922318091344, 708.5958250670625, 0.0], [674.7694667768172, 443.5354038937286, 762.4635235121474, 708.6263657028097, 0.0], [537.1306802318979, 439.5089209945965, 639.5954063721956, 748.8939200577079, 0.0], [409.17954930132186, 420.0184386856979, 518.5032197605472, 749.9918895082621, 0.0], [826.1443769605639, 435.0421514213199, 884.4643358046621, 612.016606427863, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 347}, {"time_since_observed": 17, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 63}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "average_area": [59156.51572084546], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 347}, {"time_since_observed": 18, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 63}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 433, "min_hits": 3, "ios_matrix": [[0.0, 0.2331760972738266, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3188930153846741, 0.0, 0.7505937814712524, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4671986401081085, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.23106567561626434, 0.0, 0.0, 0.49356192350387573], [0.0, 0.0, 0.0, 0.19700780510902405, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.1683187186717987, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1160.942625650352, 486.1729417340829, 1345.6838957410914, 1042.4607628521553, 0.0], [1005.7510234717735, 373.77654836930253, 1221.8636234132202, 1024.1224074322013, 0.0], [963.2445182904197, 411.81520736967394, 1133.6753536878302, 925.1171338994739, 0.0], [754.7249413930401, 414.8147539751002, 851.8992620944659, 708.3224607338642, 0.0], [686.1923637946542, 442.85692167783077, 775.8913081950747, 713.9582918747735, 0.0], [547.0141022297529, 434.53639201785353, 655.4189822215593, 761.7444406678205, 0.0], [412.1115095720023, 420.72662816045136, 518.2426501456193, 741.1172136751009, 0.0], [823.9603521764815, 431.5506175036509, 880.5670485124541, 603.3786305637283, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 348}, {"time_since_observed": 18, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 64}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "average_area": [57854.95395656752], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 348}, {"time_since_observed": 19, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 64}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 434, "min_hits": 3, "ios_matrix": [[0.0, 0.21449583768844604, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.260891854763031, 0.0, 0.6816486716270447, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4771502614021301, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.15130215883255005, 0.0, 0.0, 0.5710411667823792], [0.0, 0.0, 0.0, 0.12029781937599182, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.1739015430212021, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 7, 0], "trackers": [[1168.6234744751462, 490.9164917422975, 1353.348026024784, 1047.1539704501595, 0.0], [1017.5987297758764, 385.8363591572756, 1221.367723373105, 999.1581468370241, 0.0], [963.3418447045659, 411.77348156826434, 1133.772680066624, 925.07540799159, 0.0], [754.9038057046595, 415.01168053995957, 851.9846030674738, 708.2386099148316, 0.0], [681.4696930958464, 445.24286626669516, 767.9953194395696, 706.8231882910867, 0.0], [554.2041119676068, 426.42230502718996, 659.9691122473745, 745.7104867417228, 0.0], [412.5573336994525, 421.17697324853486, 517.4512477250805, 737.8526856790207, 0.0], [821.4774547345476, 432.0913291193974, 874.9011843811422, 594.3616161117927, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 19, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 65}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "average_area": [55245.65214847151], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 20, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 65}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 46}, {"time_since_observed": 1, "confidence": 0.2981458060346947, "age": 19}], "ret_occluded_trackers": [2, 0], "ret_unmatched_trackers": [7]}, +{"frame_count": 435, "min_hits": 3, "ios_matrix": [[0.0, 0.05817113816738129, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.06205470860004425, 0.0, 0.7918059825897217, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.6320145726203918, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.26824751496315, 0.0, 0.0, 0.7802913784980774], [0.0, 0.0, 0.0, 0.17218205332756042, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.1963546872138977, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 0, 7], "trackers": [[1176.3001439483871, 495.6474570022955, 1361.0163356600299, 1051.85976279638, 0.0], [998.921854034665, 396.1928442101388, 1189.7233631202944, 970.6146605965295, 0.0], [963.439171109874, 411.7317557402362, 1133.8700064542556, 925.0336821103247, 0.0], [753.8165057866365, 395.84207302632717, 860.3638044488839, 717.4844005999034, 0.0], [691.4004950103156, 446.2077944086005, 776.6971126846954, 704.0986840897938, 0.0], [556.4635042067213, 438.4975603982668, 661.2080983261409, 754.7235744484628, 0.0], [427.1399548050597, 421.48649251461427, 531.5641447562626, 736.7517429994069, 0.0], [818.7866801884511, 431.3401219073761, 872.0707827517938, 593.1863028513714, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 20, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 66}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 47}, {"time_since_observed": 1, "confidence": 0.2981458060346947, "age": 20}], "average_area": [53844.98732228479], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 21, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 66}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 47}, {"time_since_observed": 2, "confidence": 0.160160284805862, "age": 20}], "ret_occluded_trackers": [2, 0], "ret_unmatched_trackers": [7]}, +{"frame_count": 436, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8316483497619629, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7013813257217407, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.1912640482187271, 0.0, 0.0, 0.9677999019622803], [0.0, 0.0, 0.0, 0.13646931946277618, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.24876640737056732, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 7, 1, 2], "trackers": [[1183.974723533071, 500.37212924746694, 1368.6867351838328, 1056.5718481574272, 0.0], [992.2288142275856, 400.65322761380037, 1177.84244194459, 959.5051310230587, 0.0], [963.536497510763, 411.6900298988988, 1133.9673328463066, 924.9919562423686, 0.0], [762.3876399072964, 399.75259231802534, 867.5289520181265, 717.1734815875036, 0.0], [690.6043052620552, 430.79218236829433, 779.3642214115717, 699.0754991240258, 0.0], [569.0668369548947, 434.2681605207946, 678.3096757679319, 763.9884206518715, 0.0], [421.5644239719785, 427.8864400901416, 530.7486387588534, 757.4323710213253, 0.0], [816.0960890648976, 430.5894718265936, 869.2401976999024, 592.0104324597112, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 21, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 67}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 48}, {"time_since_observed": 2, "confidence": 0.160160284805862, "age": 21}], "average_area": [53964.49896078278], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 435}, {"time_since_observed": 1, "confidence": 1, "age": 351}, {"time_since_observed": 22, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 67}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 48}, {"time_since_observed": 3, "confidence": 0.11127688134121728, "age": 21}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 437, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8501482605934143, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7179375886917114, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.16964514553546906, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.11529172211885452, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4295733869075775], [0.0, 0.0, 0.0, 0.2583257257938385, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.015973437577486038, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[1191.6482581202713, 505.09365482501596, 1376.3581797051193, 1061.2870801860968, 0.0], [989.1731824680603, 399.3910676968185, 1174.6634288362595, 957.8714902914778, 0.0], [963.6338239094425, 411.6483040509067, 1134.064659240567, 924.9502303810671, 0.0], [765.2914567426657, 401.27637103228244, 869.8929961893122, 717.0764005265166, 0.0], [693.737927849593, 440.80434157524064, 779.91015741981, 701.3234504684481, 0.0], [573.3301354248109, 432.69346769314586, 684.2453427882598, 767.4279674795856, 0.0], [429.24828723127916, 424.08905611826196, 535.3485334136585, 744.3839270033321, 0.0], [813.4056828172583, 429.8393832915484, 866.4094277720968, 590.8340005223137, 0.0], [526.6629221871995, 462.2086265950198, 546.8820778128006, 524.7063734049802, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 436}, {"time_since_observed": 1, "confidence": 1, "age": 352}, {"time_since_observed": 22, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 68}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 49}, {"time_since_observed": 3, "confidence": 0.11127688134121728, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [47799.972594824256], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 436}, {"time_since_observed": 2, "confidence": 1, "age": 352}, {"time_since_observed": 23, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 68}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 49}, {"time_since_observed": 4, "confidence": 0.09818676543444141, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 438, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.868829071521759, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7342017889022827, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2983120381832123, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.21746069192886353, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5179453492164612], [0.0, 0.0, 0.0, 0.2579618990421295, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.022169597446918488, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[1199.3212701954276, 509.81360702869785, 1384.0301467384497, 1066.0038855886337, 0.0], [986.0867207643496, 398.0360839220095, 1171.5152456721144, 956.330673417724, 0.0], [963.7311503070172, 411.60657819958726, 1134.161985635932, 924.908504523093, 0.0], [766.0561958156632, 401.8780787131953, 870.4529922986337, 717.0632941685421, 0.0], [703.547102420628, 428.8897784708934, 792.6309944545861, 698.1447813992102, 0.0], [577.2082838135641, 425.67684439483844, 683.9793807154342, 747.9836295804015, 0.0], [431.5770731240298, 422.7737825066556, 536.4820700901876, 739.482029007612, 0.0], [810.7154629181997, 429.0898607753473, 863.5784714957105, 589.657002566072, 0.0], [525.3724814458774, 460.9882435954712, 546.8218262464304, 527.2885256352981, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 437}, {"time_since_observed": 2, "confidence": 1, "age": 353}, {"time_since_observed": 23, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 69}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 50}, {"time_since_observed": 4, "confidence": 0.09818676543444141, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [47575.28851203386], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 437}, {"time_since_observed": 3, "confidence": 1, "age": 353}, {"time_since_observed": 24, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 69}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 50}, {"time_since_observed": 5, "confidence": 0.08207009839019967, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 439, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8876004219055176, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7503142952919006, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3065626621246338, 0.0, 0.0, 1.0, 0.0], [0.0, 0.0, 0.0, 0.2513265311717987, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.256960391998291, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.04047856479883194, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[1206.994021011236, 514.5327725354317, 1391.702375031128, 1070.7214776881183, 0.0], [982.9848325482677, 396.6346534724188, 1168.3824890203405, 954.836303218752, 0.0], [963.8284767040395, 411.56485234660414, 1134.2593120318497, 924.8667786667827, 0.0], [766.033454927055, 402.12399302581855, 870.3540670468018, 717.080467098023, 0.0], [700.5569975929163, 418.7082876152082, 794.980033556322, 703.9819954067146, 0.0], [592.7952915982086, 430.15172242340066, 693.5413699461693, 734.3819050082144, 0.0], [437.6119987820093, 428.56075626564274, 546.9781153801115, 758.6522906578223, 0.0], [808.0254308600446, 428.3409088107998, 860.7473273784207, 588.4794340581768, 0.0], [525.0581909082755, 460.70313121912494, 546.801240726809, 527.9112603614947, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 438}, {"time_since_observed": 3, "confidence": 1, "age": 354}, {"time_since_observed": 24, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 70}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 51}, {"time_since_observed": 5, "confidence": 0.08207009839019967, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [47794.69547504242], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 438}, {"time_since_observed": 4, "confidence": 1, "age": 354}, {"time_since_observed": 25, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 70}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 51}, {"time_since_observed": 6, "confidence": 0.07065894382447739, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 44, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4679090678691864, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3655223846435547, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2], "trackers": [[1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234, 0.0], [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097, 0.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 0.0], [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179, 0.0], [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516, 0.0], [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [33117.99068126504], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": []}, +{"frame_count": 440, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9064170122146606, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.766348123550415, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.28593769669532776, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2243732511997223, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.8456606864929199], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.046509839594364166, 0.0]], "unmatched_trackers": [0, 1, 2, 3], "trackers": [[1214.6666411965393, 519.2515446911879, 1399.3747339543115, 1075.4394631385808, 0.0], [979.8752281870084, 395.2099909871614, 1165.2574485137438, 953.3651650554467, 0.0], [963.9258031007857, 411.52312649278923, 1134.3566384280434, 924.825052811304, 0.0], [771.2561187284668, 410.2119818883316, 871.1440303615993, 711.8678590199495, 0.0], [708.1023833733485, 436.26759104261487, 796.545275965021, 703.6060538891052, 0.0], [598.2084413219357, 432.11685379847995, 696.5642570926907, 729.170380964601, 0.0], [441.1881151952051, 431.4396707591144, 542.9817131659655, 738.8157741225067, 0.0], [523.0156793045186, 458.98237982947836, 546.6256608079947, 531.8682936706173, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 439}, {"time_since_observed": 4, "confidence": 1, "age": 355}, {"time_since_observed": 25, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 71}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [51211.198784933134], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 439}, {"time_since_observed": 5, "confidence": 1, "age": 355}, {"time_since_observed": 26, "confidence": 1, "age": 220}, {"time_since_observed": 1, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 71}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 441, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9252562522888184, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7823412418365479, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2549281418323517, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2072911113500595, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0529325008392334, 0.0]], "unmatched_trackers": [0, 1, 2, 3, 7], "trackers": [[1222.3391960663816, 523.9701201708292, 1407.047158192956, 1080.1576452651582, 0.0], [976.7617650304214, 393.77371030802306, 1162.136266802475, 951.9056450860223, 0.0], [964.0231294973937, 411.4814006385584, 1134.4539648243754, 924.7833269562414, 0.0], [774.463674674129, 410.33087785672535, 874.233486548092, 711.6301003555762, 0.0], [707.4582459458278, 427.41178101019386, 797.3897434205716, 699.2110353760459, 0.0], [599.7388608041176, 432.99343569606117, 697.1731070590199, 727.2793106415527, 0.0], [456.12822499850586, 432.84320455890634, 554.888431649558, 731.1116386552258, 0.0], [524.2822569897194, 460.02213613773466, 546.7474870953872, 529.4287471962454, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 440}, {"time_since_observed": 5, "confidence": 1, "age": 356}, {"time_since_observed": 26, "confidence": 1, "age": 221}, {"time_since_observed": 1, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 72}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [50983.98256502922], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 440}, {"time_since_observed": 6, "confidence": 1, "age": 356}, {"time_since_observed": 27, "confidence": 1, "age": 221}, {"time_since_observed": 2, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 72}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 53}, {"time_since_observed": 1, "confidence": 0.015291424971511926, "age": 5}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": [7]}, +{"frame_count": 442, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9441068768501282, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.7983134388923645, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.21728208661079407, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.16422566771507263, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.049734994769096375, 0.0]], "unmatched_trackers": [0, 2, 7, 1], "trackers": [[1230.011718278442, 528.6885973122568, 1414.7196150893824, 1084.8759257299494, 0.0], [973.6463722954244, 392.33161998774744, 1159.017014669616, 950.4519347577352, 0.0], [964.1204558939328, 411.4396747841196, 1134.5512912207762, 924.7416011013867, 0.0], [777.6417319075279, 410.3606893725902, 877.3524414468479, 711.4814261437319, 0.0], [709.826593441088, 439.8205460555148, 796.4671787078668, 701.7463075329483, 0.0], [600.1991628734594, 426.2179475390992, 701.8430328223943, 733.1413578805646, 0.0], [454.53327829753994, 426.2686744324611, 556.686563638845, 734.7215029339421, 0.0], [524.2219876822842, 459.966623607227, 546.7439694870404, 529.5485697540944, 0.0]], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 441}, {"time_since_observed": 6, "confidence": 1, "age": 357}, {"time_since_observed": 27, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 73}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 54}, {"time_since_observed": 1, "confidence": 0.015291424971511926, "age": 6}], "average_area": [51333.20361733702], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 441}, {"time_since_observed": 7, "confidence": 1, "age": 357}, {"time_since_observed": 28, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 73}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 54}, {"time_since_observed": 2, "confidence": 0.00915853608168342, "age": 6}], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 443, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9629631042480469, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8142747282981873, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.2510940432548523, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.205087348818779, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.04876810312271118, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[1237.6842241615982, 533.4070252845382, 1422.392088314713, 1089.5942553638865, 0.0], [970.5300147260282, 390.8866247108308, 1155.8987273711564, 949.0011293860891, 0.0], [964.2177822904372, 411.3979489295768, 1134.6486176172116, 924.6998752466359, 0.0], [785.1412332192871, 403.6777958984409, 888.6906859431828, 716.3251177945843, 0.0], [715.0812080282884, 422.98173122626736, 808.6310372889963, 705.6401995341416, 0.0], [599.917048976697, 423.79130145204243, 703.1277353377069, 735.4160033242724, 0.0], [468.4398553145941, 423.882040014649, 571.8641689422434, 736.148341518732, 0.0], [524.1617896978381, 459.91133142999126, 546.7403805557045, 529.6681719586715, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 442}, {"time_since_observed": 7, "confidence": 1, "age": 358}, {"time_since_observed": 28, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 74}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 55}, {"time_since_observed": 2, "confidence": 0.00915853608168342, "age": 7}], "average_area": [52315.330951615906], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 442}, {"time_since_observed": 8, "confidence": 1, "age": 358}, {"time_since_observed": 29, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 74}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 55}, {"time_since_observed": 3, "confidence": 0.007024759238700742, "age": 7}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 444, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.98182213306427, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8302304744720459, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.24432268738746643, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.20796994864940643, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.053019676357507706, 0.0]], "unmatched_trackers": [0, 1, 2, 7], "trackers": [[1245.3567218802991, 538.1254286722369, 1430.0645697044988, 1094.3126095824064, 0.0], [967.4131747281327, 389.4401769215727, 1152.7809225011958, 947.5517765267846, 0.0], [964.3151086869244, 411.35622307498204, 1134.7459440136643, 924.6581493919372, 0.0], [791.2944873956907, 410.8357992236408, 890.9163607296233, 711.6978649254891, 0.0], [721.8589326990248, 422.50169782300225, 813.7441244549075, 700.1617478792438, 0.0], [597.6084137072587, 429.16629357446686, 706.3143227006049, 757.2778703773622, 0.0], [478.7290475470682, 430.1431350840851, 578.1560693047734, 730.4129776794061, 0.0], [524.1016625012562, 459.8562579527527, 546.7367208365044, 529.7875554632514, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 443}, {"time_since_observed": 8, "confidence": 1, "age": 359}, {"time_since_observed": 29, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 75}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 56}, {"time_since_observed": 3, "confidence": 0.007024759238700742, "age": 8}], "average_area": [52032.6619246258], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 443}, {"time_since_observed": 9, "confidence": 1, "age": 359}, {"time_since_observed": 30, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 75}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 56}, {"time_since_observed": 4, "confidence": 0.006084251468443859, "age": 8}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [7]}, +{"frame_count": 445, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8456060886383057, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.26783400774002075, 0.0, 0.0], [0.0, 0.0, 0.0, 0.23135638236999512, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 4], "trackers": [[1253.0292155167715, 542.8438197676417, 1437.7370551765132, 1099.0309760932203, 0.0], [964.2960935131628, 387.9930028676382, 1149.66335884831, 946.1031499321563, 0.0], [964.412435083403, 411.3144972203613, 1134.8432704101256, 924.6164235372644, 0.0], [788.6559383363491, 405.2504531606353, 891.3731105190146, 715.4022060244406, 0.0], [718.7759807481726, 416.7080558759376, 814.2187624307525, 705.0381286261013, 0.0], [611.6326896647964, 431.8168603600101, 713.198619038647, 738.510030739844, 0.0], [482.0367064519287, 432.6557209694737, 579.9025432539518, 728.2380326552478, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 444}, {"time_since_observed": 9, "confidence": 1, "age": 360}, {"time_since_observed": 30, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 76}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 57}], "average_area": [59017.696890353356], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 444}, {"time_since_observed": 10, "confidence": 1, "age": 360}, {"time_since_observed": 31, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 76}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 57}], "ret_occluded_trackers": [0, 1, 2, 4], "ret_unmatched_trackers": []}, +{"frame_count": 446, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8456082940101624, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.32840511202812195, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2775649428367615, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 4, 0], "trackers": [[1260.7017071121295, 547.5622047168988, 1445.409542689642, 1103.7493487501818, 0.0], [961.1788916889492, 386.5454656792391, 1146.5459158046676, 944.6548864719927, 0.0], [964.5097614798773, 411.2727713657275, 1134.9405968065912, 924.5746976826047, 0.0], [787.3947156337761, 403.1922732423287, 891.2547270683667, 716.7726052515258, 0.0], [723.287057222351, 415.8618786191254, 818.7429018685791, 704.2314142306246, 0.0], [616.5693397372306, 433.09672986395157, 715.2798111194868, 731.2166413554366, 0.0], [482.7125835748146, 433.6758141864131, 579.9830901206768, 727.4704084045529, 0.0]], "kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 445}, {"time_since_observed": 10, "confidence": 1, "age": 361}, {"time_since_observed": 31, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 77}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 58}], "average_area": [58824.25750609891], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 445}, {"time_since_observed": 11, "confidence": 1, "age": 361}, {"time_since_observed": 32, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 77}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 58}], "ret_occluded_trackers": [1, 2, 4, 0], "ret_unmatched_trackers": []}, +{"frame_count": 447, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8456094264984131, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.33624666929244995, 0.0, 0.0], [0.0, 0.0, 0.0, 0.30720943212509155, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 4, 1], "trackers": [[1268.37419768693, 552.2805865930823, 1453.0820312233282, 1108.467724480217, 0.0], [958.0616295599374, 385.09774692307604, 1143.4285330658238, 943.2068045795929, 0.0], [964.6070878763494, 411.23104551108725, 1135.037923203059, 924.5329718279514, 0.0], [791.1648685600826, 410.4018218813316, 891.0530541099331, 712.0638518011374, 0.0], [727.8013997726017, 415.0255680901571, 823.2637752303334, 703.414833107304, 0.0], [618.0146726423015, 433.68206929875333, 715.6184793147479, 728.4782847189522, 0.0], [496.45803815088715, 434.1119454460865, 593.5073233733867, 727.2423090509121, 0.0]], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 446}, {"time_since_observed": 11, "confidence": 1, "age": 362}, {"time_since_observed": 32, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 78}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 59}], "average_area": [58364.809626976225], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 446}, {"time_since_observed": 12, "confidence": 1, "age": 362}, {"time_since_observed": 33, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 78}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 59}], "ret_occluded_trackers": [2, 4, 1], "ret_unmatched_trackers": []}, +{"frame_count": 448, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8456099629402161, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3710521459579468, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3498249053955078, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3, 4], "trackers": [[1343.3461410617115, 423.56064916340927, 1458.2828512360447, 770.3753896297375, 0.0], [954.9443372784822, 383.6499373828982, 1140.311180479423, 941.7588134712081, 0.0], [964.7044142728205, 411.18931965644373, 1135.135249599528, 924.4912459733014, 0.0], [792.3602849822117, 413.2127441203824, 890.6909823873158, 710.198867104237, 0.0], [732.3173751094984, 414.19419016566764, 827.7830158054418, 702.5933193795047, 0.0], [619.5376561843975, 426.7787707934209, 721.2677560235597, 733.9618475143969, 0.0], [501.06484374262857, 434.3188496906412, 598.0363376296133, 727.2157552612848, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 447}, {"time_since_observed": 12, "confidence": 1, "age": 363}, {"time_since_observed": 33, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 3, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 79}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 60}], "average_area": [49598.082528578285], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 447}, {"time_since_observed": 12, "confidence": 1, "age": 363}, {"time_since_observed": 34, "confidence": 1, "age": 228}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 79}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 60}], "ret_occluded_trackers": [2, 3, 4], "ret_unmatched_trackers": []}, +{"frame_count": 449, "min_hits": 3, "ios_matrix": [[0.0, 0.026700058951973915, 0.0, 0.0, 0.0, 0.0, 0.0], [0.10963539034128189, 0.0, 0.08561783283948898, 0.0, 0.0, 0.0, 0.0], [0.0, 0.04360993579030037, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3903384506702423, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3682933449745178, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 3], "trackers": [[1346.6638598302945, 412.02123807670114, 1464.4119328670965, 767.249502996699, 0.0], [1120.640656691115, 394.1998283519131, 1359.5732154878547, 1113.0270773340833, 0.0], [964.8017406692909, 411.1475938017986, 1135.2325759959974, 924.449520118653, 0.0], [795.0368936126423, 413.3083491271734, 893.3311523515166, 710.1844171790908, 0.0], [736.8341667768879, 413.3652783536098, 832.3014400500573, 701.7693395392736, 0.0], [619.7269544226602, 424.26950668388355, 722.9933191582935, 736.062042219665, 0.0], [504.65765401464057, 426.0728997082896, 597.4346456110626, 706.3912300965848, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 1, "confidence": 1, "age": 134}, {"time_since_observed": 4, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 80}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 61}], "average_area": [59425.75559138267], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 364}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 0.9637058884733163, "age": 104}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 80}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 61}], "ret_occluded_trackers": [4, 3], "ret_unmatched_trackers": []}, +{"frame_count": 45, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.5996924638748169, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.41672152280807495, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 3], "trackers": [[1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884, 0.0], [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183, 0.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 0.0], [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 0.0], [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451, 0.0], [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [34632.66440931911], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 39}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [2], "ret_unmatched_trackers": [3]}, +{"frame_count": 450, "min_hits": 3, "ios_matrix": [[0.0, 0.0022604360710829496, 0.0, 0.0, 0.0, 0.0, 0.0], [0.009316504932940006, 0.0, 0.4544565975666046, 0.0, 0.0, 0.0, 0.0], [0.0, 0.22747927904129028, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.4085270166397095, 0.0, 0.0], [0.0, 0.0, 0.0, 0.38560423254966736, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 4], "trackers": [[1364.841389268353, 408.617107705136, 1483.4362972825138, 766.3777547045181, 0.0], [1124.8484716129674, 393.46067203539394, 1365.9462793022367, 1118.774784520503, 0.0], [1031.844525924945, 447.83401709319287, 1202.3239850270818, 961.2823880222877, 0.0], [797.7043951097685, 413.37644805211085, 895.9804294490218, 710.1974733357981, 0.0], [741.3513665938185, 412.5375995503225, 836.8194561451317, 700.944126690272, 0.0], [632.0174780177407, 430.418263291401, 731.4190115342327, 730.6122808389496, 0.0], [503.0420966487226, 431.44345982309653, 598.4170593772034, 719.554299045311, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 2, "confidence": 1, "age": 135}, {"time_since_observed": 5, "confidence": 0.9637058884733163, "age": 105}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 81}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 62}], "average_area": [59836.42195197955], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 365}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 3, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.8052593004137811, "age": 105}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 81}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 62}], "ret_occluded_trackers": [3, 4], "ret_unmatched_trackers": []}, +{"frame_count": 451, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.4889902174472809, 0.0, 0.0, 0.0, 0.0], [0.0, 0.29593345522880554, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.4265863299369812, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4027283787727356, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 4], "trackers": [[1370.7561364416447, 407.85607965731674, 1489.6659088168626, 766.5582025974209, 0.0], [1125.927081751779, 393.07089600535164, 1367.7382569797219, 1120.522254378317, 0.0], [1029.8372623164869, 411.69344419119716, 1217.8763667053554, 977.836321238505, 0.0], [800.3673411407137, 413.43078819901484, 898.634262012708, 710.2242882705389, 0.0], [745.8687704815939, 411.71053723956004, 841.3372681693613, 700.1182973487456, 0.0], [636.271764681437, 432.87098197158963, 734.1626374952017, 728.5293419203015, 0.0], [504.85054095723376, 453.0503218004311, 593.1990644209175, 720.0897689970237, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 3, "confidence": 1, "age": 136}, {"time_since_observed": 6, "confidence": 0.8052593004137811, "age": 106}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 82}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 63}], "average_area": [62035.66999673857], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 366}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 4, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.6720991997806482, "age": 106}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 82}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 63}], "ret_occluded_trackers": [3, 4], "ret_unmatched_trackers": []}, +{"frame_count": 452, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.5010600686073303, 0.0, 0.0, 0.0, 0.0], [0.0, 0.31959861516952515, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.4445614814758301, 0.0, 0.0], [0.0, 0.0, 0.0, 0.41973891854286194, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 4, 5], "trackers": [[1371.3423491094131, 419.6135074625412, 1485.2905985796447, 763.4300839085503, 0.0], [1125.7387216601935, 392.6464743777623, 1367.814627322404, 1120.8909332499816, 0.0], [1029.310434307742, 400.6006688642456, 1222.5767711617414, 982.4192755009944, 0.0], [803.0280089633268, 413.47824752153946, 901.2903727847263, 710.2579840296589, 0.0], [750.3862764038098, 410.8837831720948, 845.8549781591504, 699.292159763922, 0.0], [639.863227198483, 441.7064443195071, 741.7133941539948, 749.2501313731424, 0.0], [512.4348413001393, 434.13467079902455, 610.9249020096826, 731.6180898684764, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 4, "confidence": 1, "age": 137}, {"time_since_observed": 7, "confidence": 0.6720991997806482, "age": 107}, {"time_since_observed": 0, "confidence": 0.9420828958213678, "age": 83}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 64}], "average_area": [63604.63891099403], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 451}, {"time_since_observed": 1, "confidence": 1, "age": 367}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 5, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.5789937637256167, "age": 107}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 64}], "ret_occluded_trackers": [1, 3, 4, 5], "ret_unmatched_trackers": []}, +{"frame_count": 453, "min_hits": 3, "ios_matrix": [[0.0, 0.0051583703607320786, 0.0, 0.0, 0.0, 0.0, 0.0], [0.021995270624756813, 0.0, 0.4728071093559265, 0.0, 0.0, 0.0, 0.0], [0.0, 0.30698084831237793, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.4624361991882324, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4366368055343628, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 4, 5], "trackers": [[1371.491640510228, 412.8697297916765, 1488.6666441989414, 766.3675709434337, 0.0], [1131.7672382890319, 395.22580412371997, 1374.068936424088, 1124.149521498578, 0.0], [1028.8719694664273, 396.5219259146925, 1224.0477232602288, 984.0653396986304, 0.0], [805.6875375629182, 413.52226607289765, 903.9476227797662, 710.2951205599455, 0.0], [754.9038333430009, 410.05718322553713, 850.3726371319643, 698.4658680581908, 0.0], [644.5680825734788, 442.6418634394281, 746.2926533126102, 749.8063039525791, 0.0], [514.9188323988451, 427.33099207076134, 617.0226103562497, 735.6465468160252, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 452}, {"time_since_observed": 1, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 5, "confidence": 1, "age": 138}, {"time_since_observed": 8, "confidence": 0.5789937637256167, "age": 108}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 65}], "average_area": [64590.8722798479], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 452}, {"time_since_observed": 2, "confidence": 1, "age": 368}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 6, "confidence": 1, "age": 138}, {"time_since_observed": 9, "confidence": 0.5115403679459914, "age": 108}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 65}], "ret_occluded_trackers": [1, 3, 4, 5], "ret_unmatched_trackers": []}, +{"frame_count": 454, "min_hits": 3, "ios_matrix": [[0.0, 0.019098050892353058, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0798480212688446, 0.0, 0.4393521547317505, 0.0, 0.0, 0.0, 0.0], [0.0, 0.287095844745636, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.4802022874355316, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4534227252006531, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 5], "trackers": [[1370.8134238040736, 410.70404390243675, 1489.2050125296926, 767.850966694351, 0.0], [1137.8522424692342, 397.9750671233142, 1380.266757974408, 1127.2381764935383, 0.0], [1028.459502774034, 395.0046939160763, 1224.3551346611755, 984.7062431287582, 0.0], [808.3464965212793, 413.5645641489116, 906.6054424160366, 710.3339775655763, 0.0], [759.4214157906181, 409.23066033924783, 854.8902705963521, 697.6394992921912, 0.0], [649.2415679879372, 443.4825587742558, 750.9032824317632, 750.4572003171093, 0.0], [515.3792384018103, 424.80285795350926, 618.8332177368344, 737.1634546198715, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 453}, {"time_since_observed": 2, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 9, "confidence": 0.5115403679459914, "age": 109}, {"time_since_observed": 2, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 66}], "average_area": [64971.99127269477], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 453}, {"time_since_observed": 3, "confidence": 1, "age": 369}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 10, "confidence": 0.46192407719330325, "age": 109}, {"time_since_observed": 3, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 66}], "ret_occluded_trackers": [1, 4, 5], "ret_unmatched_trackers": []}, +{"frame_count": 455, "min_hits": 3, "ios_matrix": [[0.0, 0.033543460071086884, 0.0, 0.0, 0.0, 0.0, 0.0], [0.13920825719833374, 0.0, 0.5406709909439087, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3252851366996765, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3354346752166748, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2830405831336975, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 5, 6], "trackers": [[1369.8900706667666, 410.21574080572464, 1488.7500826363937, 768.767623946952, 0.0], [1143.965460834197, 400.8092077304396, 1386.4363653399673, 1130.2419538809672, 0.0], [1057.7871702250743, 399.8391734844363, 1245.7848618544697, 965.8483876226053, 0.0], [827.3843185880302, 403.06425088199705, 931.3439031172107, 716.9454003011477, 0.0], [763.939010992433, 408.4041759830464, 859.4078913065422, 696.8130919961038, 0.0], [653.8993466176995, 444.2758263765468, 755.5296183356121, 751.1555244141759, 0.0], [507.04908217254945, 435.4638161383606, 602.5049414689635, 723.8351126575309, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 454}, {"time_since_observed": 3, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 10, "confidence": 0.46192407719330325, "age": 110}, {"time_since_observed": 3, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.44815077738066356, "age": 67}], "average_area": [63538.87881822164], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 454}, {"time_since_observed": 4, "confidence": 1, "age": 370}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 11, "confidence": 0.4333421803545631, "age": 110}, {"time_since_observed": 4, "confidence": 1, "age": 86}, {"time_since_observed": 1, "confidence": 1, "age": 67}], "ret_occluded_trackers": [1, 4, 5, 6], "ret_unmatched_trackers": []}, +{"frame_count": 456, "min_hits": 3, "ios_matrix": [[0.0, 0.012829525396227837, 0.0, 0.0, 0.0, 0.0, 0.0], [0.053090788424015045, 0.0, 0.5503761172294617, 0.0, 0.0, 0.0, 0.0], [0.0, 0.38327711820602417, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.5290946960449219, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4425528943538666, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 5, 6], "trackers": [[1386.2716620976214, 410.32745628200007, 1505.317003775983, 769.435299740512, 0.0], [1150.0927789078642, 403.68576492878844, 1392.5918729968225, 1133.2033146771728, 0.0], [1062.0847912664872, 387.94012155806126, 1264.395023571849, 996.8896455822871, 0.0], [813.4134221715597, 402.260726275529, 917.8314153613735, 717.5168236269675, 0.0], [768.4566125713432, 407.57771089187736, 863.9255056396371, 695.9866654349839, 0.0], [658.5492663902394, 445.04536361099963, 760.1638130966835, 751.8775788790808, 0.0], [510.75065080612984, 435.3950527121347, 606.0340184109818, 723.2452533750511, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 455}, {"time_since_observed": 4, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 11, "confidence": 0.4333421803545631, "age": 111}, {"time_since_observed": 4, "confidence": 1, "age": 87}, {"time_since_observed": 1, "confidence": 1, "age": 68}], "average_area": [65987.51802132254], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 455}, {"time_since_observed": 5, "confidence": 1, "age": 371}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 12, "confidence": 0.38596734855057613, "age": 111}, {"time_since_observed": 5, "confidence": 0.8221371902368901, "age": 87}, {"time_since_observed": 2, "confidence": 1, "age": 68}], "ret_occluded_trackers": [1, 4, 5, 6], "ret_unmatched_trackers": []}, +{"frame_count": 457, "min_hits": 3, "ios_matrix": [[0.0, 0.014136808924376965, 0.0, 0.0, 0.0, 0.0, 0.0], [0.058431413024663925, 0.0, 0.5444092750549316, 0.0, 0.0, 0.0, 0.0], [0.0, 0.36544808745384216, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.625463604927063, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5216344594955444, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 5, 6], "trackers": [[1391.7798150895694, 410.63566304215897, 1510.9026820548304, 769.9761803207871, 0.0], [1156.227144991717, 406.583524874886, 1398.740332643492, 1136.1434727256294, 0.0], [1068.4757963620525, 391.783758360812, 1267.1100668171296, 989.7027534409665, 0.0], [808.7307925892429, 401.99708806685373, 913.3017857751653, 717.712102486147, 0.0], [772.9742173387997, 406.75125543322156, 868.4431167841856, 695.1602292413509, 0.0], [663.1952553662231, 445.8030315309285, 764.801938654311, 752.6115026585097, 0.0], [514.4091551190419, 435.1961923586337, 609.6061596736687, 722.7854910198464, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 456}, {"time_since_observed": 5, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 12, "confidence": 0.38596734855057613, "age": 112}, {"time_since_observed": 5, "confidence": 0.8221371902368901, "age": 88}, {"time_since_observed": 2, "confidence": 1, "age": 69}], "average_area": [65371.56220314004], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 456}, {"time_since_observed": 6, "confidence": 1, "age": 372}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 13, "confidence": 0.36287453488582466, "age": 112}, {"time_since_observed": 6, "confidence": 0.699410551334236, "age": 88}, {"time_since_observed": 3, "confidence": 0.9632410387518042, "age": 69}], "ret_occluded_trackers": [1, 4, 6], "ret_unmatched_trackers": [5]}, +{"frame_count": 458, "min_hits": 3, "ios_matrix": [[0.0, 0.02373567968606949, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0980522483587265, 0.0, 0.5192084908485413, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3435386121273041, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.6472050547599792, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5873070955276489, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 6], "trackers": [[1393.2014409470112, 410.99052560636153, 1512.360645722129, 770.4402046369415, 0.0], [1162.3650346198401, 409.4918848085505, 1404.8852687458912, 1139.0730307865192, 0.0], [1070.4197435310307, 393.2974014358305, 1267.6297184101682, 986.9419621927937, 0.0], [810.3166666409129, 409.86624640672744, 910.5526122023496, 712.5742192727239, 0.0], [777.4918237005293, 405.92480479082167, 872.960726334461, 694.3337882314619, 0.0], [667.8412446465084, 446.56070036971687, 769.4400639076371, 753.3454255190791, 0.0], [518.046083366477, 434.9321509044523, 613.1998770018324, 722.390909765322, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 457}, {"time_since_observed": 6, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 13, "confidence": 0.36287453488582466, "age": 113}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 89}, {"time_since_observed": 3, "confidence": 0.9632410387518042, "age": 70}], "average_area": [64748.66049577205], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 457}, {"time_since_observed": 7, "confidence": 1, "age": 373}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 14, "confidence": 0.3432340255741364, "age": 113}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 89}, {"time_since_observed": 4, "confidence": 0.7392799266780228, "age": 70}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 459, "min_hits": 3, "ios_matrix": [[0.0, 0.006904838141053915, 0.0, 0.0, 0.0, 0.0, 0.0], [0.03110305592417717, 0.0, 0.4870414137840271, 0.0, 0.0, 0.0, 0.0], [0.0, 0.32045692205429077, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.679624617099762, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6381286978721619, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 6], "trackers": [[1407.4795989549898, 422.86478724051267, 1521.5791328361488, 767.1360319225166, 0.0], [1168.5046859049196, 412.4055443895039, 1411.028443191334, 1141.9972892001201, 0.0], [1070.7171029039325, 393.8960430033687, 1267.3781620978318, 985.893166500158, 0.0], [810.783789482192, 412.9319876653136, 909.3194516739901, 710.5355546555144, 0.0], [782.009430062259, 405.09835414842195, 877.4783358847363, 693.5073472215727, 0.0], [661.2347503696518, 440.75335798152673, 779.8739458433312, 798.6756936136806, 0.0], [521.683021429769, 434.6681391038867, 616.7935845141392, 721.996298857182, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 458}, {"time_since_observed": 7, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 14, "confidence": 0.3432340255741364, "age": 114}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 90}, {"time_since_observed": 4, "confidence": 0.7392799266780228, "age": 71}], "average_area": [65613.9310968303], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 458}, {"time_since_observed": 8, "confidence": 1, "age": 374}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 15, "confidence": 0.31892478942682306, "age": 114}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 90}, {"time_since_observed": 5, "confidence": 0.591424389643707, "age": 71}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 46, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 4, 0], "trackers": [[1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 0.0], [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777, 0.0], [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 0.0], [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308, 0.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [34855.10554945025], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 13}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [2, 4]}, +{"frame_count": 460, "min_hits": 3, "ios_matrix": [[0.0, 0.0038977342192083597, 0.0, 0.0, 0.0, 0.0, 0.0], [0.01662077195942402, 0.0, 0.45271095633506775, 0.0, 0.0, 0.0, 0.0], [0.0, 0.297222763299942, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.7780528664588928, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6770629286766052, 0.0, 0.037921302020549774, 0.0], [0.0, 0.0, 0.0, 0.0, 0.046028636395931244, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 6], "trackers": [[1415.221446640765, 415.9788987420137, 1532.5018090457106, 769.7938840077878, 0.0], [1174.6452179896864, 415.3218537074884, 1417.1707368370894, 1144.9188978766902, 0.0], [1070.4347517741155, 394.14023390261747, 1266.8835983883457, 985.5004227107572, 0.0], [807.268296257351, 406.0001351800418, 909.633771568785, 715.0989411884123, 0.0], [786.5270364239888, 404.2719035060224, 881.9959454350115, 692.6809062116834, 0.0], [686.2272490275376, 434.6186015637915, 791.4380857321986, 752.2731903881493, 0.0], [525.3199693223089, 434.4041569973906, 620.3872821971981, 721.6016582549723, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 459}, {"time_since_observed": 8, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 15, "confidence": 0.31892478942682306, "age": 115}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 91}, {"time_since_observed": 5, "confidence": 0.591424389643707, "age": 72}], "average_area": [64930.345317515275], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 459}, {"time_since_observed": 9, "confidence": 1, "age": 375}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 16, "confidence": 0.304790142883267, "age": 115}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 91}, {"time_since_observed": 6, "confidence": 0.5045978654589248, "age": 72}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 461, "min_hits": 3, "ios_matrix": [[0.0, 0.01702314056456089, 0.0, 0.0, 0.0, 0.0, 0.0], [0.07767238467931747, 0.0, 0.5385776162147522, 0.0, 0.0, 0.0, 0.0], [0.0, 0.32458916306495667, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.8451526761054993, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7154573798179626, 0.0, 0.03181146830320358, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03517114371061325, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 6], "trackers": [[1414.5069927800891, 425.1235212117929, 1527.8754364988108, 767.2010188056731, 0.0], [1180.7861904670995, 418.2394878723363, 1423.3125900901987, 1147.8391817063966, 0.0], [1097.3662621311937, 399.73551138684365, 1285.5708223995684, 966.3650969282714, 0.0], [805.827747488648, 403.41719283214724, 909.6184525089133, 716.7917699123398, 0.0], [791.0446427857186, 403.445452863623, 886.5135549852868, 691.8544652017939, 0.0], [694.3892309478911, 433.2475850982968, 794.7893445767713, 736.4547115197796, 0.0], [528.9569270575179, 434.1402046255098, 623.980970037588, 721.2069879181474, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 460}, {"time_since_observed": 9, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 16, "confidence": 0.304790142883267, "age": 116}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 92}, {"time_since_observed": 6, "confidence": 0.5045978654589248, "age": 73}], "average_area": [62878.57024194142], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 460}, {"time_since_observed": 10, "confidence": 1, "age": 376}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 17, "confidence": 0.298797673242791, "age": 116}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 92}, {"time_since_observed": 7, "confidence": 0.45241668099587423, "age": 73}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 462, "min_hits": 3, "ios_matrix": [[0.0, 0.02531321719288826, 0.0, 0.0, 0.0, 0.0, 0.0], [0.10841567069292068, 0.0, 0.5658138394355774, 0.0, 0.0, 0.0, 0.0], [0.0, 0.359517902135849, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.8992936611175537, 0.0026198120322078466, 0.0], [0.0, 0.0, 0.0, 0.7534753084182739, 0.0, 0.08194771409034729, 0.0], [0.0, 0.0, 0.0, 0.0025548352859914303, 0.09538105130195618, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 6], "trackers": [[1416.6199445432621, 417.11046096702955, 1533.6431116923459, 770.1543258038056, 0.0], [1186.9273831390362, 421.1577844552031, 1429.4542231487842, 1150.758803118084, 0.0], [1107.876087537852, 396.4122996866964, 1301.1315676903237, 978.1943876241905, 0.0], [805.1765742041755, 402.44711855094795, 909.5058926525335, 717.4372562895688, 0.0], [795.5622491474484, 402.6190022212238, 891.031164535562, 691.0280241919043, 0.0], [702.4415843341183, 425.81175627258995, 805.4644735992636, 736.8847974849209, 0.0], [532.5938946488478, 433.8762820288825, 627.5746480218569, 720.812287806069, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 461}, {"time_since_observed": 10, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 17, "confidence": 0.298797673242791, "age": 117}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 93}, {"time_since_observed": 7, "confidence": 0.45241668099587423, "age": 74}], "average_area": [64341.79455129764], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 461}, {"time_since_observed": 11, "confidence": 1, "age": 377}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 18, "confidence": 0.27815765568876133, "age": 117}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 93}, {"time_since_observed": 8, "confidence": 0.391804321350855, "age": 74}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 463, "min_hits": 3, "ios_matrix": [[0.0, 0.03677743673324585, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1538948267698288, 0.0, 0.5148382186889648, 0.0, 0.0, 0.0, 0.0], [0.0, 0.28222551941871643, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.7918444275856018, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6608663201332092, 0.0, 0.11305444687604904, 0.0], [0.0, 0.0, 0.0, 0.0, 0.12294302880764008, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 6], "trackers": [[1416.8589150415523, 414.23527222156713, 1535.25510757263, 771.3976634786968, 0.0], [1193.0686859077853, 424.07641224572615, 1435.5957461105575, 1153.6780933221153, 0.0], [1105.992889445555, 428.46246517761557, 1285.4707493002518, 968.9188526308883, 0.0], [819.8752250669257, 402.0860899336231, 924.4088625648884, 717.6890220681119, 0.0], [800.0798555091783, 401.7925515788247, 895.5487740858371, 690.2015831820145, 0.0], [713.5244241141024, 430.12816458115077, 813.0958935487824, 730.8411751016276, 0.0], [536.2308721097814, 433.61238924823937, 631.1683161365221, 720.4175578780064, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 18, "confidence": 0.27815765568876133, "age": 118}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 94}, {"time_since_observed": 8, "confidence": 0.391804321350855, "age": 75}], "average_area": [61990.140095781164], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 378}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 19, "confidence": 0.2758523244993715, "age": 118}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 94}, {"time_since_observed": 9, "confidence": 0.36603334015830985, "age": 75}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4, 6]}, +{"frame_count": 464, "min_hits": 3, "ios_matrix": [[0.0, 0.0632721483707428, 0.0, 0.0, 0.0, 0.0, 0.0], [0.28409820795059204, 0.0, 0.3890296220779419, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2200891524553299, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.7341729998588562, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6663790345191956, 0.0, 0.09547780454158783, 0.0], [0.0, 0.0, 0.0, 0.0, 0.10104400664567947, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[1429.544650545373, 424.8076642874331, 1543.3759922213433, 768.2749777693667, 0.0], [1220.3159717272292, 390.7488702304523, 1461.8839309136729, 1117.4633790583948, 0.0], [1109.3558197509415, 413.01685428553935, 1290.9688042626685, 959.871891495067, 0.0], [827.733025237418, 409.9080625019777, 927.9574755800844, 712.5814800284326, 0.0], [804.5974618709082, 400.96610093642585, 900.0663836361122, 689.3751421721245, 0.0], [717.1806299662991, 431.9191370420106, 815.403797093846, 728.5833009854136, 0.0], [539.867859453832, 433.34852632440425, 634.7619743680704, 720.0227980931359, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 19, "confidence": 0.2758523244993715, "age": 119}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 95}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 76}], "average_area": [61168.09049572951], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 379}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 20, "confidence": 0.26783228776184, "age": 119}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 95}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 76}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 465, "min_hits": 3, "ios_matrix": [[0.0, 0.055924657732248306, 0.0, 0.0, 0.0, 0.0, 0.0], [0.17629826068878174, 0.0, 0.41455182433128357, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2589881718158722, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.7891415357589722, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6784732341766357, 0.0, 0.05877292528748512, 0.0], [0.0, 0.0, 0.0, 0.0, 0.061545729637145996, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4], "trackers": [[1440.1916034711721, 402.0793893035292, 1576.071850058359, 811.7466545727171, 0.0], [1222.6265953731117, 390.2968696424073, 1464.1470545882148, 1116.8683852029953, 0.0], [1110.9067973107676, 401.32556781691164, 1301.7346193298404, 975.8277618638524, 0.0], [827.9808961952464, 404.9008541478085, 930.9680521685087, 715.8648070198226, 0.0], [809.1150682326382, 400.1396502940271, 904.5839931863871, 688.5487011622344, 0.0], [718.034153821342, 432.69716729642954, 815.738465879798, 727.8030155424078, 0.0], [576.7395570887386, 434.43563411829484, 674.0369135081396, 728.3222279293763, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 20, "confidence": 0.26783228776184, "age": 120}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 96}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 77}], "average_area": [65395.06789306725], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 380}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 21, "confidence": 0.2405957069452923, "age": 120}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 96}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 77}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [4]}, +{"frame_count": 466, "min_hits": 3, "ios_matrix": [[0.0, 0.02348867431282997, 0.0, 0.0, 0.0, 0.0], [0.07283345609903336, 0.0, 0.42325496673583984, 0.0, 0.0, 0.0], [0.0, 0.2739587128162384, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1454.6312443869422, 394.98264802748315, 1591.6365829400863, 807.9975963245926, 0.0], [1223.1050951409186, 390.1222375738404, 1464.6098170946186, 1116.6463786415798, 0.0], [1111.0832767701284, 397.0420692752015, 1305.3143662046184, 981.7513357757393, 0.0], [827.8614373256497, 403.0243739977762, 931.88406231902, 717.0945350757397, 0.0], [717.8647467417424, 433.0738340914313, 815.3710826462526, 727.5850649927247, 0.0], [593.6777790082792, 419.76942263329863, 691.0999696152232, 714.0301148398856, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 97}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 78}], "average_area": [72611.2693624375], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 381}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 97}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 78}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 467, "min_hits": 3, "ios_matrix": [[0.0, 0.0006534109706990421, 0.0, 0.0, 0.0, 0.0], [0.0021948800422251225, 0.0, 0.4271761476993561, 0.0, 0.0, 0.0], [0.0, 0.28016650676727295, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1463.9323347804805, 409.52145366589446, 1595.548760127327, 806.3657427118604, 0.0], [1222.7223495808544, 389.9998888226692, 1464.2212170520784, 1116.5064058765538, 0.0], [1110.7275485306059, 395.4359491539801, 1306.241061949307, 983.990907650149, 0.0], [827.6132179163794, 402.3187673680003, 932.0280212246255, 717.5652173374821, 0.0], [717.3512099755226, 433.2886619663004, 814.7827201740865, 727.5751652911385, 0.0], [598.9304996260028, 415.04508822783475, 696.3929831955868, 709.4265182018443, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 466}, {"time_since_observed": 0, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 98}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 79}], "average_area": [72172.08256621893], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 466}, {"time_since_observed": 1, "confidence": 1, "age": 382}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 98}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 79}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 468, "min_hits": 3, "ios_matrix": [[0.0, 0.007296451833099127, 0.0, 0.0, 0.0, 0.0], [0.025312867015600204, 0.0, 0.3961745500564575, 0.0, 0.0, 0.0], [0.0, 0.26113367080688477, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1466.7680991745358, 415.1292194663331, 1596.27223530782, 805.6327076007778, 0.0], [1228.5519231981332, 390.5910909534674, 1470.04622011997, 1117.0838583200307, 0.0], [1110.2026381171913, 394.8313444327902, 1306.2018009057979, 984.8425531111034, 0.0], [827.333615849406, 402.0565900439407, 931.897182072777, 717.7491995900717, 0.0], [723.1815922959646, 426.280025370372, 825.1075472701765, 734.0587698523457, 0.0], [600.3404191736113, 413.4001617514931, 697.8179606638714, 707.8267127360294, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 467}, {"time_since_observed": 1, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 99}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 80}], "average_area": [72456.32396245677], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 467}, {"time_since_observed": 2, "confidence": 1, "age": 383}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 99}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 80}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 469, "min_hits": 3, "ios_matrix": [[0.0, 0.019239850342273712, 0.0, 0.0, 0.0, 0.0], [0.06758784502744675, 0.0, 0.36421146988868713, 0.0, 0.0, 0.0], [0.0, 0.240518257021904, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.013632233254611492, 0.0], [0.0, 0.0, 0.0, 0.013366369530558586, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1467.1742834555648, 417.24719082215745, 1595.8672798859689, 805.3154500016727, 0.0], [1234.3803541942846, 391.17885571122855, 1475.8723658089891, 1117.6647481365444, 0.0], [1109.6498574280793, 394.6059186819216, 1305.8322226423363, 985.1664370282076, 0.0], [827.0593928195825, 401.9628333440118, 931.6790815944217, 717.8237455914204, 0.0], [724.9700450308387, 423.7445262933501, 828.5613530323071, 736.5198199687351, 0.0], [600.3249045183309, 412.90632977079247, 697.808221854915, 707.3501890585329, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 468}, {"time_since_observed": 2, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 100}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 81}], "average_area": [72564.86704112675], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 468}, {"time_since_observed": 3, "confidence": 1, "age": 384}, {"time_since_observed": 0, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 100}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 81}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 47, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 0.0], [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234, 0.0], [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703, 0.0], [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821, 0.0], [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14}], "average_area": [31090.440769758385], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 14}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 470, "min_hits": 3, "ios_matrix": [[0.0, 0.021984217688441277, 0.0, 0.0, 0.0, 0.0], [0.06447009742259979, 0.0, 0.33203867077827454, 0.0, 0.0, 0.0], [0.0, 0.21942566335201263, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.05530316010117531, 0.0], [0.0, 0.0, 0.0, 0.050321586430072784, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1472.6164506773532, 400.170576500264, 1613.4977637826657, 824.8147076225192, 0.0], [1240.2082138677079, 391.7649017458765, 1481.6990828207363, 1118.2473566761714, 0.0], [1109.120580676581, 394.5245946333304, 1305.3709108632884, 985.2888725082105, 0.0], [826.8031964910252, 401.93285552073047, 931.4436776761032, 717.8561075390367, 0.0], [732.7773968773812, 429.84047020773437, 832.5790952231963, 731.2436006826513, 0.0], [597.5107066911389, 418.4289115212796, 690.8740521326686, 700.5192395069648, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 469}, {"time_since_observed": 3, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 101}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 82}], "average_area": [73446.13147750085], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 469}, {"time_since_observed": 4, "confidence": 1, "age": 385}, {"time_since_observed": 0, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 101}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 82}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 471, "min_hits": 3, "ios_matrix": [[0.0, 0.0024222820065915585, 0.0, 0.0, 0.0, 0.0], [0.007945898920297623, 0.0, 0.2999362647533417, 0.0, 0.0, 0.0], [0.0, 0.1982603371143341, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.041812121868133545, 0.0], [0.0, 0.0, 0.0, 0.04020858183503151, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1486.4678031966284, 411.24183617456674, 1619.653783113272, 812.7986047192937, 0.0], [1246.0357878767259, 392.350088409819, 1487.5260854968888, 1118.8308245865041, 0.0], [1108.6312454272718, 394.4980167794284, 1304.9055814573805, 985.3342402717142, 0.0], [829.063589828459, 395.85460749789536, 929.3276179562192, 698.6467215424047, 0.0], [735.3291698357071, 432.2734592942755, 833.6462520234612, 729.2193225409142, 0.0], [598.3267082984294, 415.03598887625543, 694.2601418888835, 704.8340167202314, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 470}, {"time_since_observed": 0, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 102}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 83}], "average_area": [72040.18268571151], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 470}, {"time_since_observed": 0, "confidence": 1, "age": 386}, {"time_since_observed": 0, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 102}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 83}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 472, "min_hits": 3, "ios_matrix": [[0.0, 0.04931735247373581, 0.0, 0.0, 0.0, 0.0], [0.1551584005355835, 0.0, 0.2875615060329437, 0.0, 0.0, 0.0], [0.0, 0.17461244761943817, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.07524385303258896, 0.0], [0.0, 0.0, 0.0, 0.08710005134344101, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1487.9267238946736, 398.34511051340155, 1623.9417835223321, 808.379642973603, 0.0], [1267.5238500364221, 389.69237990641807, 1509.030603909618, 1116.2226156114366, 0.0], [1133.50176587533, 426.2192051137187, 1321.6191725264393, 992.5868925635739, 0.0], [838.3591037846937, 392.02446746812154, 929.1805290759117, 666.5080368176938, 0.0], [749.9228855599144, 433.2533751932446, 847.6678835374187, 728.4813693436124, 0.0], [609.057858342304, 419.4929643721499, 701.8088901522643, 699.7463554009774, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 103}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 84}], "average_area": [69592.71510608612], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 387}, {"time_since_observed": 0, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 103}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 84}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 473, "min_hits": 3, "ios_matrix": [[0.0, 0.05683029070496559, 0.0, 0.0, 0.0, 0.0], [0.17602872848510742, 0.0, 0.3083580434322357, 0.0, 0.0, 0.0], [0.0, 0.18091142177581787, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.20245696604251862, 0.0], [0.0, 0.0, 0.0, 0.19414465129375458, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1487.8413754523644, 393.5086964153279, 1624.9253095925283, 806.7454965354316, 0.0], [1270.4635977551468, 389.5460844679504, 1511.9720851577315, 1116.0815344736393, 0.0], [1142.574373834493, 438.2611083455972, 1327.4810633400728, 994.9945098719425, 0.0], [830.5749684336226, 398.2319352647619, 930.1692252468649, 699.0378003048361, 0.0], [754.9660815127932, 433.6664468988347, 852.4925171810687, 728.2381050701495, 0.0], [615.903126322202, 415.62882192482255, 711.6100423508027, 704.7477502248354, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 104}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 85}], "average_area": [70235.67925296076], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 472}, {"time_since_observed": 1, "confidence": 1, "age": 388}, {"time_since_observed": 0, "confidence": 1, "age": 253}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 104}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 85}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 474, "min_hits": 3, "ios_matrix": [[0.0, 0.06392674893140793, 0.0, 0.0, 0.0, 0.0], [0.2145628184080124, 0.0, 0.328956663608551, 0.0, 0.0, 0.0], [0.0, 0.2080981433391571, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.09788183122873306, 0.0], [0.0, 0.0, 0.0, 0.10465574264526367, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1490.3654770944624, 408.9063528325593, 1622.0413885926694, 805.9244663811971, 0.0], [1277.1099381861045, 389.8588646251564, 1518.6182323233515, 1116.3937332263545, 0.0], [1148.2581574907456, 438.7185599367475, 1340.2752383398085, 1016.7855220462051, 0.0], [842.7109394005838, 401.3766689511648, 936.9338046194898, 686.0589100456949, 0.0], [756.3982874037222, 433.8581420728889, 853.8419178406198, 728.1811460201867, 0.0], [614.8074579609278, 419.8990624255281, 707.4713865045115, 699.8911780774068, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 105}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 86}], "average_area": [70031.54953093], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 389}, {"time_since_observed": 0, "confidence": 1, "age": 254}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 105}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 86}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 475, "min_hits": 3, "ios_matrix": [[0.0, 0.10689558833837509, 0.0, 0.0, 0.0, 0.0], [0.3390539586544037, 0.0, 0.16849157214164734, 0.0, 0.0, 0.0], [0.0, 0.10953931510448456, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.05800964683294296, 0.0], [0.0, 0.0, 0.0, 0.06488011032342911, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1507.419913449914, 397.5342628061646, 1642.883312242161, 805.9113277055603, 0.0], [1311.8399556637241, 389.4684594948003, 1553.3493160232283, 1116.0065353558011, 0.0], [1149.975914243997, 410.6490882274608, 1344.6390524194771, 996.6529493896608, 0.0], [847.1781016247805, 402.8122596765651, 939.2686236231332, 681.0891245697954, 0.0], [756.4932804357405, 433.9617715389303, 853.9060521179537, 728.192123210515, 0.0], [617.2099456621352, 415.94226473501124, 712.8852877289814, 704.9665660182003, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 106}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 87}], "average_area": [71133.36608053598], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 390}, {"time_since_observed": 0, "confidence": 1, "age": 255}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 106}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 87}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 476, "min_hits": 3, "ios_matrix": [[0.0, 0.1040726974606514, 0.0, 0.0, 0.0, 0.0], [0.35269173979759216, 0.0, 0.0805092453956604, 0.0, 0.0, 0.0], [0.0, 0.04855111986398697, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.030153164640069008, 0.0], [0.0, 0.0, 0.0, 0.03139481693506241, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1515.1208152549953, 410.5059555951865, 1646.1627208782052, 805.6218334209256, 0.0], [1319.8286235645874, 389.39860193572207, 1561.3382144741536, 1115.9373712985898, 0.0], [1147.4499840536193, 431.7390410319611, 1334.9218407728229, 996.1696964044104, 0.0], [850.0806108419289, 396.866509390072, 945.5288391843989, 685.2115900926165, 0.0], [756.1187755719083, 434.0287294789141, 853.5205309597033, 728.2260189032249, 0.0], [617.7265157488072, 414.53410348411785, 714.5276153007177, 706.9332812467026, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 107}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 88}], "average_area": [69589.93382217074], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 391}, {"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 107}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 88}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 477, "min_hits": 3, "ios_matrix": [[0.0, 0.10250838100910187, 0.0, 0.0, 0.0, 0.0], [0.35669124126434326, 0.0, 0.10247419029474258, 0.0, 0.0, 0.0], [0.0, 0.06546196341514587, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.06220570579171181, 0.0], [0.0, 0.0, 0.0, 0.07474159449338913, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1517.4362719994344, 415.483827566557, 1646.754204502735, 805.4272958302925, 0.0], [1322.053172265938, 389.3581686755048, 1563.5628440144092, 1115.8971812037655, 0.0], [1148.8660328728306, 407.80502123477885, 1341.8266565938293, 988.7022273040732, 0.0], [845.5709023403159, 405.4618069277918, 934.3947457149785, 673.942538369556, 0.0], [755.6034839208288, 434.0789615217483, 853.0017903909401, 728.265914597859, 0.0], [617.5483451441654, 414.0603992504766, 714.7760174235742, 707.7381518458849, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 108}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 89}], "average_area": [69839.59574618687], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 392}, {"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 108}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 89}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 478, "min_hits": 3, "ios_matrix": [[0.0, 0.08933394402265549, 0.0, 0.0, 0.0, 0.0, 0.0], [0.28843000531196594, 0.0, 0.10560839623212814, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0750235915184021, 0.0, 0.0, 0.0, 0.0, 0.029454873874783516], [0.0, 0.0, 0.0, 0.0, 0.1862829029560089, 0.0, 0.0], [0.0, 0.0, 0.0, 0.237807959318161, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.002096085576340556, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1517.7334901699626, 417.3545047917974, 1646.391281146701, 805.3171559318503, 0.0], [1323.4035580035631, 400.802011224488, 1554.8422574820809, 1097.130148436179, 0.0], [1149.0548266126425, 398.78674146138565, 1344.0697104324354, 985.845507783738, 0.0], [843.8133539440249, 409.04921930965247, 929.976344230406, 669.5419481268762, 0.0], [769.0879641283534, 434.1203528059789, 866.4856991022543, 728.3056106214235, 0.0], [617.1383042774613, 413.9332791472759, 714.5284215932601, 708.097897232627, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 477}, {"time_since_observed": 0, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 109}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [59064.3564822362], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 477}, {"time_since_observed": 1, "confidence": 1, "age": 393}, {"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 109}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 479, "min_hits": 3, "ios_matrix": [[0.0, 0.11744625121355057, 0.0, 0.0, 0.0, 0.0, 0.0], [0.34758248925209045, 0.0, 0.07087501138448715, 0.0, 0.0, 0.0, 0.0], [0.0, 0.05077269673347473, 0.0, 0.0, 0.0, 0.0, 0.03459008038043976], [0.0, 0.0, 0.0, 0.0, 0.20348671078681946, 0.0, 0.0], [0.0, 0.0, 0.0, 0.2433810830116272, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.002442052820697427, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1515.3753609102348, 400.64485608878965, 1649.7420915805144, 805.7335848408162, 0.0], [1330.7042494095715, 400.7630805518257, 1562.092516177345, 1096.9394811887523, 0.0], [1148.7889257021443, 423.46789828030654, 1344.5810167046134, 1012.8576178984615, 0.0], [846.9884106200416, 406.1226160275662, 936.0169034725197, 675.2107881126724, 0.0], [773.7778819213797, 434.15615290711213, 871.1761316036782, 728.3429771840601, 0.0], [626.5236827002258, 419.5137213172944, 719.8588606203035, 701.5197704393819, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 478}, {"time_since_observed": 0, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 110}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [59713.3272256964], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 478}, {"time_since_observed": 0, "confidence": 1, "age": 394}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 110}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 48, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4, 2], "trackers": [[1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 0.0], [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592, 0.0], [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 0.0], [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946, 0.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15}], "average_area": [30580.30947756609], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 15}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4, 2]}, +{"frame_count": 480, "min_hits": 3, "ios_matrix": [[0.0, 0.1023569256067276, 0.0, 0.0, 0.0, 0.0, 0.0], [0.34139013290405273, 0.0, 0.11629201471805573, 0.0, 0.0, 0.0, 0.0], [0.0, 0.07843901216983795, 0.0, 0.0, 0.0, 0.0, 0.042525514960289], [0.0, 0.0, 0.0, 0.0, 0.20766520500183105, 0.0, 0.0], [0.0, 0.0, 0.0, 0.24253252148628235, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0029933059122413397, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6], "trackers": [[1515.8966669697834, 411.6569130856838, 1646.5231103586643, 805.5266889740333, 0.0], [1321.6611016367626, 392.3648413969478, 1560.4912448769476, 1110.8674519008237, 0.0], [1148.3780287802654, 432.653526925603, 1344.4643785766664, 1022.9257227491391, 0.0], [848.0741950805847, 405.11065103610787, 938.1744925912593, 677.4121848574196, 0.0], [775.1396892179956, 434.18781713696865, 872.5388559691411, 728.3774158878799, 0.0], [619.8791173233097, 416.08076365778186, 715.8041069366644, 705.8536085608401, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 479}, {"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 111}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [61132.2861379665], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 479}, {"time_since_observed": 0, "confidence": 1, "age": 395}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 111}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 92}, {"time_since_observed": 1, "confidence": 0.03998083033381038, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [6]}, +{"frame_count": 481, "min_hits": 3, "ios_matrix": [[0.0, 0.06611531972885132, 0.0, 0.0, 0.0, 0.0, 0.0], [0.24907922744750977, 0.0, 0.13344396650791168, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0752858817577362, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.3724389374256134, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3579966127872467, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 6], "trackers": [[1529.7166346589167, 412.0908819760407, 1653.5071198681046, 785.4488099705195, 0.0], [1319.9704960161775, 390.34837781468974, 1560.550273766305, 1114.099024388306, 0.0], [1163.4549114916745, 465.3622247114608, 1344.0728746733325, 1009.2404968568362, 0.0], [833.0923603020585, 403.826444990969, 932.4403014283462, 703.8872578745876, 0.0], [775.266372825383, 434.2160945981484, 872.6665981335499, 728.4088923936781, 0.0], [631.1268949423325, 414.83622542884586, 728.0230022499416, 707.5202199784742, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 480}, {"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 112}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 93}, {"time_since_observed": 1, "confidence": 0.03998083033381038, "age": 4}], "average_area": [59077.71260015363], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 480}, {"time_since_observed": 0, "confidence": 1, "age": 396}, {"time_since_observed": 0, "confidence": 1, "age": 261}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 112}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 93}, {"time_since_observed": 2, "confidence": 0.02758084171315316, "age": 4}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [6]}, +{"frame_count": 482, "min_hits": 3, "ios_matrix": [[0.0, 0.037410322576761246, 0.0, 0.0, 0.0, 0.0, 0.0], [0.13057322800159454, 0.0, 0.13284920156002045, 0.0, 0.0, 0.0, 0.0], [0.0, 0.07569252699613571, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.38851332664489746, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4158608019351959, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 6], "trackers": [[1535.200526073257, 411.74050395318187, 1658.744962823512, 784.3563382184198, 0.0], [1320.2408786097633, 401.1506362056151, 1551.3321218817125, 1096.4369421843403, 0.0], [1169.0523205171091, 478.10080313895617, 1343.4032612758344, 1003.1704912858692, 0.0], [842.5944315259138, 404.0820761257273, 936.7244468945354, 688.4833844144728, 0.0], [788.9816519332625, 434.24144593649436, 886.3829779575289, 728.437569051333, 0.0], [635.0441522793759, 414.39967563190714, 732.3086391485009, 708.1877970945151, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 481}, {"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 113}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 94}, {"time_since_observed": 2, "confidence": 0.02758084171315316, "age": 5}], "average_area": [55771.94177776836], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 481}, {"time_since_observed": 0, "confidence": 1, "age": 397}, {"time_since_observed": 0, "confidence": 1, "age": 262}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 113}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 94}, {"time_since_observed": 3, "confidence": 0.024346367666568353, "age": 5}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [6]}, +{"frame_count": 483, "min_hits": 3, "ios_matrix": [[0.0, 0.034333888441324234, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.12696442008018494, 0.0, 0.14047454297542572, 0.0, 0.0, 0.0, 0.0, 0.2722078561782837], [0.0, 0.07358246296644211, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4413512051105499], [0.0, 0.0, 0.0, 0.0, 0.39167213439941406, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.40219321846961975, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.004588251933455467], [0.0, 0.323067307472229, 1.0, 0.0, 0.0, 0.0, 0.1135573610663414, 0.0]], "unmatched_trackers": [1, 6], "trackers": [[1540.622997344176, 411.2048798878171, 1664.0442259223405, 783.4491125088258, 0.0], [1318.6552667330488, 393.681992064789, 1556.2931021065415, 1108.608311046646, 0.0], [1170.9046565296967, 482.77702533509034, 1342.8025436174685, 1000.482801394361, 0.0], [846.1523785652496, 404.3489459901155, 938.2131809658458, 682.5358558604642, 0.0], [795.1336449695083, 438.89224110954694, 888.4281139743917, 720.7744303969715, 0.0], [636.1857686740477, 414.2649234809405, 733.590592406433, 708.4736444045343, 0.0], [1098.8000000000002, 433.80000000000007, 1150.58, 591.14, 0.0], [1144.7, 260.91999999999996, 1403.6200000000001, 1039.6799999999998, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 482}, {"time_since_observed": 0, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 114}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 95}, {"time_since_observed": 3, "confidence": 0.024346367666568353, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [74397.25309586705], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 482}, {"time_since_observed": 1, "confidence": 1, "age": 398}, {"time_since_observed": 0, "confidence": 1, "age": 263}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 114}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 95}, {"time_since_observed": 4, "confidence": 0.016426141142943378, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [6]}, +{"frame_count": 484, "min_hits": 3, "ios_matrix": [[0.0, 0.004947352688759565, 0.0, 0.0, 0.0, 0.0, 0.0], [0.013545999303460121, 0.0, 0.14741407334804535, 0.0, 0.0, 0.0, 0.5388757586479187], [0.0, 0.07017078250646591, 0.0, 0.0, 0.0, 0.0, 0.281156986951828], [0.0, 0.0, 0.0, 0.0, 0.40642425417900085, 0.0, 0.0], [0.0, 0.0, 0.0, 0.40993085503578186, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.6395289897918701, 0.7009758353233337, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1558.9350606632365, 394.15991884980633, 1702.4208803329889, 826.6244870660872, 0.0], [1323.2351947698503, 393.7407302401509, 1560.8787194344459, 1108.6841652841017, 0.0], [1183.5338624908034, 505.37844336136374, 1347.3898759948913, 998.9528968242203, 0.0], [848.7994711207007, 411.92349756294925, 944.242119973853, 700.2516638611178, 0.0], [795.639454384117, 436.0369116631651, 891.4950691260283, 725.599849459308, 0.0], [638.628899459547, 423.10614701837585, 728.2403982387425, 693.9510721236568, 0.0], [1232.5307692307692, 260.91999999999996, 1491.4507692307693, 1039.6799999999998, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 483}, {"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 115}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [84858.82134499926], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 483}, {"time_since_observed": 0, "confidence": 1, "age": 399}, {"time_since_observed": 0, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 115}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 485, "min_hits": 3, "ios_matrix": [[0.0, 0.0920405462384224, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2469213902950287, 0.0, 0.0, 0.0, 0.0, 0.0, 0.4068620502948761], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.296537309885025], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.47146910429000854, 0.7041159272193909, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1562.30059854697, 391.27387734585017, 1709.0064069814498, 833.390006189215, 0.0], [1358.0246417000567, 390.4247689457464, 1598.5254005789484, 1113.9384461889194, 0.0], [1175.7801439064717, 492.55956108075225, 1343.690433827692, 998.2992956276753, 0.0], [893.6527700491138, 424.5018828314808, 976.0185370843037, 673.6414387590784, 0.0], [795.4316291542733, 434.98367871098753, 892.2485161382477, 727.4282504469463, 0.0], [645.885486314541, 423.3319439027262, 736.2019485213924, 696.2847010997154, 0.0], [1225.4621241348007, 260.91999999999996, 1484.3821241348007, 1039.6799999999998, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 484}, {"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 116}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [85558.32974940601], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 484}, {"time_since_observed": 0, "confidence": 1, "age": 400}, {"time_since_observed": 0, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 116}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 486, "min_hits": 3, "ios_matrix": [[0.0, 0.09567122906446457, 0.0, 0.0, 0.0, 0.0, 0.0], [0.27718448638916016, 0.0, 0.02504659816622734, 0.0, 0.0, 0.0, 0.29572468996047974], [0.0, 0.01490032859146595, 0.0, 0.0, 0.0, 0.0, 0.4314856231212616], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.39551934599876404, 0.970061719417572, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1567.8984143463592, 410.1439587430599, 1709.4576274328617, 836.8175647958461, 0.0], [1365.9530068771696, 389.6195299593906, 1607.1364314191464, 1115.1806939937628, 0.0], [1184.6648679240182, 456.63462787461464, 1370.6103076569682, 1016.4992825985685, 0.0], [921.1637899366561, 440.8427834881339, 997.9622020910111, 673.2550053887752, 0.0], [796.3780855536239, 439.234770451153, 889.4438022113069, 720.430842151045, 0.0], [648.3130361385688, 423.4479037991723, 738.8985414114434, 697.204995916092, 0.0], [1190.2317516178896, 221.01035603065657, 1469.2011787766037, 1059.977604555552, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 485}, {"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 117}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [91765.7751951907], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 485}, {"time_since_observed": 0, "confidence": 1, "age": 401}, {"time_since_observed": 0, "confidence": 1, "age": 266}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 117}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 487, "min_hits": 3, "ios_matrix": [[0.0, 0.059900060296058655, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1637740284204483, 0.0, 0.06220367178320885, 0.0, 0.0, 0.0, 0.2639605402946472, 0.0], [0.0, 0.039529141038656235, 0.0, 0.0, 0.0, 0.0, 0.4631311297416687, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3621899485588074, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1585.8066457533878, 397.2372833471784, 1731.686111855092, 836.8711829811934, 0.0], [1368.2691873575159, 389.3191356971196, 1609.697913768287, 1115.6160104336268, 0.0], [1187.8465299440388, 443.4698579569459, 1380.2365531949256, 1022.6610210691081, 0.0], [931.8135514380018, 434.76500740498636, 1013.4531360165007, 681.6958997259803, 0.0], [794.9994684981506, 436.20603453447353, 890.7726715829882, 725.5220016633514, 0.0], [642.4014149606609, 426.9743749518294, 729.24656990239, 689.5117014876936, 0.0], [1179.5692679579017, 213.21410823468784, 1462.4253293977865, 1063.83295968341, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 486}, {"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 118}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [83541.8273666173], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 486}, {"time_since_observed": 0, "confidence": 1, "age": 402}, {"time_since_observed": 0, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 118}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 488, "min_hits": 3, "ios_matrix": [[0.0, 0.046032413840293884, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.12322133034467697, 0.0, 0.011453961953520775, 0.0, 0.0, 0.0, 0.2964818477630615, 0.0], [0.0, 0.00684018898755312, 0.0, 0.0, 0.0, 0.0, 0.4516051709651947, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3631075322628021, 0.9261550307273865, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1591.889490238373, 392.32664189023, 1739.381903995439, 836.7977935918337, 0.0], [1368.5424541021043, 389.1935158470544, 1610.063702064091, 1115.767877140884, 0.0], [1184.1134507049096, 468.3681892569416, 1370.67937299309, 1030.0824812712142, 0.0], [934.4602198304832, 444.63366373018323, 1010.9669922234806, 676.1589675641554, 0.0], [808.2006451648323, 435.0855014781081, 904.9889054623155, 727.4443679570273, 0.0], [646.4547360180917, 424.87799307261537, 735.7370305190085, 694.7263083811159, 0.0], [1197.890406405743, 244.379636398392, 1465.2097292690057, 1048.3540296211584, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 487}, {"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 119}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [79625.92821314538], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 487}, {"time_since_observed": 0, "confidence": 1, "age": 403}, {"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 119}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 489, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.22338171303272247, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5238496661186218, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.039437033236026764], [0.0, 0.21112458407878876, 0.9999731183052063, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.009865576401352882, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1614.7857944982118, 390.42947490944715, 1762.8884026752855, 836.730389497108, 0.0], [1368.0802612064272, 389.13454250538734, 1609.6363944106856, 1115.813526144888, 0.0], [1186.6567326128386, 498.1991613477867, 1356.5259430353979, 1009.8286273512126, 0.0], [935.6864876499016, 436.05110298337314, 1017.2257859751816, 682.6769001887349, 0.0], [813.2687337168869, 439.3065665833412, 906.3266384964844, 720.479315731345, 0.0], [647.7454641114496, 424.12181292619107, 737.9426157774035, 696.7133703327115, 0.0], [1186.6612943340567, 376.48543842867133, 1421.4939343109083, 1082.954910078095, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 488}, {"time_since_observed": 0, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 120}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [71432.12338706657], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 488}, {"time_since_observed": 1, "confidence": 1, "age": 404}, {"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 120}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 49, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "average_area": [30356.96574292538], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 16}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 490, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0018373260973021388, 0.0, 0.0, 0.0, 0.22194437682628632, 0.0], [0.0, 0.0010974069591611624, 0.0, 0.0, 0.0, 0.0, 0.49450358748435974, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.09372632205486298], [0.0, 0.2680748999118805, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.025370752438902855, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1622.6389226888966, 410.9424763736789, 1770.9727909554633, 857.936814027092, 0.0], [1373.794960758252, 389.2209184469964, 1615.3720313587862, 1115.9628885470104, 0.0], [1187.5163570533982, 458.1473795355626, 1374.1378452845806, 1020.0431651972556, 0.0], [935.6459025955681, 432.8370526738719, 1019.0302695377208, 684.9931499588037, 0.0], [814.348004418248, 436.2635995005646, 910.1207865550383, 725.5784053773014, 0.0], [653.6864945600365, 427.31749799084736, 740.3828108247086, 689.4078543699675, 0.0], [1177.3010777493039, 272.35668379042784, 1442.8296441368832, 1070.970344226012, 0.0], [736.1700000000001, 442.1, 781.1179999999999, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 489}, {"time_since_observed": 1, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 121}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [79549.0595852588], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 489}, {"time_since_observed": 2, "confidence": 1, "age": 405}, {"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 121}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 491, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24391038715839386, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.45822322368621826, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.26287156343460083], [0.0, 0.28520965576171875, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.06718609482049942, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1624.8083617411191, 397.26120128921553, 1773.2293249610495, 844.5166679027122, 0.0], [1379.5148949993754, 389.3230420272545, 1621.1024336175883, 1116.0965033104835, 0.0], [1199.7551181146703, 497.70722093547414, 1376.5032754001206, 1029.9744506684385, 0.0], [947.3441375155905, 431.5746401600522, 1031.424337759891, 685.8155686572716, 0.0], [827.9487366309082, 439.79970266409794, 920.6071849754504, 719.7741147946084, 0.0], [649.9859302579856, 425.077316246613, 739.2169177043864, 694.7717300049321, 0.0], [1193.965463600124, 264.8592330753725, 1455.234022014463, 1050.67437279926, 0.0], [727.4013662079994, 442.1, 772.3493662079993, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 490}, {"time_since_observed": 2, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 122}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [77360.24319126611], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 490}, {"time_since_observed": 3, "confidence": 1, "age": 406}, {"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 122}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 492, "min_hits": 3, "ios_matrix": [[0.0, 0.004974369890987873, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.01315200887620449, 0.0, 0.0, 0.0, 0.0, 0.0, 0.27215123176574707, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.48469823598861694, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.3403826057910919], [0.0, 0.25785547494888306, 0.973677396774292, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.09294538199901581, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1624.8777624655631, 413.28024539957335, 1773.3308447510258, 860.631993841471, 0.0], [1385.237446329963, 389.43303865915766, 1626.8302187869263, 1116.2222450223117, 0.0], [1214.6880472708472, 509.18561336292737, 1380.5013761756368, 1008.6394432362297, 0.0], [947.3034375628299, 427.45110098396475, 1035.584075278508, 694.2969231935558, 0.0], [832.6905497724915, 441.2097145968648, 924.1334447296024, 717.5367051700998, 0.0], [654.0786640172724, 427.75019467441564, 740.3962503936665, 688.7040376269173, 0.0], [1219.0526875697378, 338.415175705003, 1454.2095551308612, 1045.8733566895444, 0.0], [725.0967330809294, 442.1, 770.0447330809295, 578.94, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 491}, {"time_since_observed": 3, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 123}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [71084.8208429937], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 491}, {"time_since_observed": 4, "confidence": 1, "age": 407}, {"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 123}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 493, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.2659620940685272, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.48993146419525146, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5865525007247925], [0.0, 0.23098799586296082, 0.9515818953514099, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.13414140045642853, 0.0, 0.0]], "unmatched_trackers": [1, 7], "trackers": [[1645.4309511081526, 397.9022495825618, 1793.8951755447627, 845.2873805176282, 0.0], [1390.9613061414975, 389.5469716249976, 1632.5566954753172, 1116.3440504002033, 0.0], [1220.092739469462, 513.655874659396, 1381.537162498559, 999.9931643015527, 0.0], [950.6749812861408, 429.37840078749224, 1036.6453458545443, 689.2913758729946, 0.0], [843.1946361262804, 444.321252384361, 930.3478823953125, 707.7822293942752, 0.0], [662.7910607465112, 425.2801558009636, 751.8843765825327, 694.561784556026, 0.0], [1227.9095737691077, 365.4784483631727, 1453.044662432529, 1042.8520475436253, 0.0], [726.9920984527101, 438.854596974224, 769.4303759030653, 568.140163951947, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 492}, {"time_since_observed": 4, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 124}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [68476.58259158916], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 492}, {"time_since_observed": 5, "confidence": 1, "age": 408}, {"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 124}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 1, "confidence": 0.056087199270962104, "age": 7}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": [7]}, +{"frame_count": 494, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.24478529393672943, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.491593599319458, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.7217159867286682], [0.0, 0.20606163144111633, 0.9452228546142578, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.15828213095664978, 0.0, 0.0]], "unmatched_trackers": [1, 6, 7], "trackers": [[1653.0240024256623, 411.7995511617996, 1795.3010304872382, 840.6253058451598, 0.0], [1396.685820177561, 389.66287270983867, 1638.2825179391791, 1116.4638876590934, 0.0], [1221.8051375186028, 515.2262186496016, 1381.5513417317575, 996.4641157784424, 0.0], [963.6816272253809, 430.10219066898674, 1048.7547029977788, 687.3214658826445, 0.0], [837.9991338032122, 438.1008690742053, 931.6292312963275, 720.9958706484917, 0.0], [665.8213289116009, 424.37753880372935, 755.9536172325643, 696.7748009364989, 0.0], [1230.5555794837271, 374.5315562250206, 1452.2009271332647, 1041.4300412559942, 0.0], [725.6115941084744, 438.3330432393067, 767.6530950520881, 566.409855321228, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 493}, {"time_since_observed": 5, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 125}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 1, "confidence": 0.056087199270962104, "age": 8}], "average_area": [67450.23805976417], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 493}, {"time_since_observed": 6, "confidence": 1, "age": 409}, {"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 125}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 106}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 2, "confidence": 0.03193193424299657, "age": 8}], "ret_occluded_trackers": [1, 6], "ret_unmatched_trackers": [7]}, +{"frame_count": 495, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.23878765106201172, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.5763348340988159, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.19774001836776733, 0.9148654937744141, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.1947389394044876, 0.0, 0.0]], "unmatched_trackers": [1, 6, 7], "trackers": [[1654.5343823748838, 418.4579407958074, 1800.6688796812243, 858.8559920824227, 0.0], [1402.4106613219026, 389.779757842189, 1644.008013294763, 1116.5827408704745, 0.0], [1220.802771614845, 493.795450217102, 1395.2072641080067, 1019.0278881493944, 0.0], [968.061963778214, 430.34974324351833, 1052.7913079118805, 686.5369942913271, 0.0], [848.3113652492401, 440.6145488481344, 940.1358947154334, 718.0890423541322, 0.0], [672.6840776712501, 418.28877160842796, 767.440026953091, 704.5576515564043, 0.0], [1235.6506098187856, 382.5458138991717, 1455.484798067363, 1043.9947847695337, 0.0], [724.232980024585, 437.81724806471, 765.8739239407646, 564.6737881301883, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 494}, {"time_since_observed": 6, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 126}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 107}, {"time_since_observed": 1, "confidence": 1, "age": 13}, {"time_since_observed": 2, "confidence": 0.03193193424299657, "age": 9}], "average_area": [69569.58330050939], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 494}, {"time_since_observed": 7, "confidence": 1, "age": 410}, {"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 126}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 107}, {"time_since_observed": 2, "confidence": 1, "age": 13}, {"time_since_observed": 3, "confidence": 0.022779032817184464, "age": 9}], "ret_occluded_trackers": [1, 6], "ret_unmatched_trackers": [7]}, +{"frame_count": 496, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.035188354551792145, 0.0, 0.0, 0.0, 0.23309290409088135, 0.0], [0.0, 0.021373772993683815, 0.0, 0.0, 0.0, 0.0, 0.685573160648346, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.1914268583059311, 0.9269266724586487, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.1842956393957138, 0.0, 0.0]], "unmatched_trackers": [6, 7, 1], "trackers": [[1658.038310352018, 393.9929817288812, 1819.9665198887892, 881.8016923383607, 0.0], [1408.135666019387, 389.89713499529626, 1649.7333450972042, 1116.7011020610985, 0.0], [1226.5420465969062, 455.53719394058515, 1414.7587003288306, 1022.212416904259, 0.0], [969.1901222477982, 430.4155950287058, 1053.7892741346268, 686.2119631972682, 0.0], [860.0334431794378, 444.1380927130724, 947.3450794462836, 708.0757902541345, 0.0], [674.9797812439394, 416.0499407849615, 771.4439621849958, 707.4399530688991, 0.0], [1240.2956597301215, 389.2061461873113, 1459.218649425184, 1047.9134536690847, 0.0], [722.8563112849691, 437.30737926018526, 764.0928074851676, 562.9317945690766, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 495}, {"time_since_observed": 7, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 127}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 108}, {"time_since_observed": 2, "confidence": 1, "age": 14}, {"time_since_observed": 3, "confidence": 0.022779032817184464, "age": 10}], "average_area": [72927.75345518852], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 495}, {"time_since_observed": 8, "confidence": 1, "age": 411}, {"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 127}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 108}, {"time_since_observed": 3, "confidence": 0.9227792015975814, "age": 14}, {"time_since_observed": 4, "confidence": 0.017758365228267865, "age": 10}], "ret_occluded_trackers": [6, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 497, "min_hits": 3, "ios_matrix": [[0.0, 0.0015204274095594883, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0037486166693270206, 0.0, 0.0017894711345434189, 0.0, 0.0, 0.0, 0.2257506549358368, 0.0], [0.0, 0.0009657631744630635, 0.0, 0.0, 0.0, 0.0, 0.6304091811180115, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0], [0.0, 0.18462353944778442, 0.9552887082099915, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.19437818229198456, 0.0, 0.0]], "unmatched_trackers": [2, 7, 1], "trackers": [[1654.8822678271315, 411.14177942263467, 1808.6262659071692, 874.3829402729625, 0.0], [1413.8607524931936, 390.0147581580325, 1655.458595123323, 1116.8192172420936, 0.0], [1236.7820050067257, 495.6192193526447, 1414.1781978627237, 1029.829536630792, 0.0], [969.1231924153175, 430.4143692351798, 1053.6740139597966, 686.0656602764222, 0.0], [857.1001448184746, 438.08943405346065, 950.7900749338556, 721.164360265071, 0.0], [682.56991850866, 420.7947904331772, 775.556034771709, 701.7543382785439, 0.0], [1244.713622596996, 395.1832067193433, 1463.1795878274663, 1052.5153943247433, 0.0], [721.4816457020196, 436.80361294758296, 762.3096878729042, 561.1836985160425, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 496}, {"time_since_observed": 8, "confidence": 1, "age": 412}, {"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 128}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 109}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 15}, {"time_since_observed": 4, "confidence": 0.017758365228267865, "age": 11}], "average_area": [70565.8567606799], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 496}, {"time_since_observed": 9, "confidence": 1, "age": 412}, {"time_since_observed": 1, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 128}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 109}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 15}, {"time_since_observed": 5, "confidence": 0.015832061490113222, "age": 11}], "ret_occluded_trackers": [2, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 498, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.1001480221748352], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.712543785572052], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.07585442811250687, 1.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2], "trackers": [[1674.4202431981294, 417.6810339346323, 1824.920397408017, 871.180954606928, 0.0], [1419.585879855099, 390.1325043253959, 1661.183804261343, 1116.9372094184614, 0.0], [1241.4221549020735, 497.72316421557366, 1418.8192652354692, 1031.9362443821676, 0.0], [975.2481014156702, 431.7548717114039, 1052.9700408879355, 666.9276178606983, 0.0], [862.4357221684892, 443.14594898952646, 950.5038499155409, 709.3573871916167, 0.0], [685.1289876802579, 422.6623051929413, 776.7533040343452, 699.5356659282226, 0.0], [1230.4143112677996, 427.8659898197124, 1440.6395184733367, 1060.5177467912174, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 497}, {"time_since_observed": 9, "confidence": 1, "age": 413}, {"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 129}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 110}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 16}], "average_area": [76957.81098567798], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 497}, {"time_since_observed": 10, "confidence": 1, "age": 413}, {"time_since_observed": 2, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 129}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 110}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 16}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 499, "min_hits": 3, "ios_matrix": [[0.0, 0.009424705989658833, 0.0, 0.0, 0.0, 0.0, 0.0], [0.020565090700984, 0.0, 0.0, 0.0, 0.0, 0.0, 0.21515819430351257], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.6538863778114319], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.1613216996192932, 0.9084163308143616, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 6, 0], "trackers": [[1663.5477395716232, 393.414881540917, 1826.9923504881924, 885.7690814135907, 0.0], [1425.3110276610382, 390.2503119950261, 1666.9089929553293, 1117.0551400925626, 0.0], [1246.0625341676605, 499.8277998032936, 1423.4601032379755, 1034.0422614087522, 0.0], [970.5065172142586, 430.8759035751035, 1052.4998369480015, 678.8629067070509, 0.0], [868.9057125644811, 442.6297319096401, 958.6101072361655, 713.7448657439521, 0.0], [685.7800620531176, 423.38640865432967, 776.8798941543929, 698.6856987630795, 0.0], [1261.1539452504608, 400.77922464909653, 1470.3133995657577, 1030.2396777213626, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 498}, {"time_since_observed": 10, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 130}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 111}, {"time_since_observed": 0, "confidence": 0.9227792015975814, "age": 17}], "average_area": [78889.48224364105], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 498}, {"time_since_observed": 11, "confidence": 1, "age": 414}, {"time_since_observed": 0, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 130}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 111}, {"time_since_observed": 1, "confidence": 1, "age": 17}], "ret_occluded_trackers": [1, 6, 0], "ret_unmatched_trackers": []}, +{"frame_count": 5, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1389.9558641354024, 413.27, 1510.2158641354022, 776.04, 0.0], [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [37894.16347344116], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 50, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4], "trackers": [[1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 0.0], [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576, 0.0], [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815, 0.0], [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221, 0.0], [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17}], "average_area": [30200.655370054126], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 5, "confidence": 0.05941371320786847, "age": 17}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [4]}, +{"frame_count": 500, "min_hits": 3, "ios_matrix": [[0.0, 0.006437717005610466, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.014027192257344723, 0.0, 0.03271251916885376, 0.0, 0.0, 0.0, 0.2095988541841507, 0.0], [0.0, 0.0185218658298254, 0.0, 0.0, 0.0, 0.0, 0.7135043144226074, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.1564040184020996, 0.9403398036956787, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 3, 0], "trackers": [[1670.33985468905, 394.56702061513727, 1833.9019366388754, 887.2750856673523, 0.0], [1431.0361856889906, 390.3681504157779, 1672.6341714273024, 1117.173040015542, 0.0], [1255.2700683386215, 483.8142289004868, 1436.9803878669427, 1030.9590729777128, 0.0], [974.9978116435424, 442.72849418375347, 1051.6717627637233, 674.754776318373, 0.0], [870.9199326538999, 442.44873129059016, 961.2430267879629, 715.417469400769, 0.0], [692.6706102882721, 417.94147786979, 787.7809114482551, 705.2720984879398, 0.0], [1266.110937128731, 405.0308626960055, 1474.771122980694, 1032.9887790832172, 0.0], [571.03, 454.90999999999997, 596.4199999999998, 533.08, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 499}, {"time_since_observed": 11, "confidence": 1, "age": 415}, {"time_since_observed": 0, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 131}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [69799.15315675361], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 499}, {"time_since_observed": 12, "confidence": 1, "age": 415}, {"time_since_observed": 1, "confidence": 1, "age": 280}, {"time_since_observed": 1, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 131}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1, 2, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 501, "min_hits": 3, "ios_matrix": [[0.0, 0.0033626994118094444, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.007321755401790142, 0.0, 0.029646359384059906, 0.0, 0.0, 0.0, 0.21455833315849304, 0.0], [0.0, 0.016789691522717476, 0.0, 0.0, 0.0, 0.0, 0.6872358918190002, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.16114018857479095, 0.9113662242889404, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 6, 0], "trackers": [[1677.1613533781574, 395.8076736198138, 1840.782139217878, 888.6925759906576, 0.0], [1436.7613488279485, 390.4860042120876, 1678.35934478827, 1117.2909245629637, 0.0], [1260.4176484314655, 484.9908602982681, 1442.149022420286, 1032.199101102422, 0.0], [979.0626377342443, 443.2130043909511, 1055.6211623195538, 674.8899894128668, 0.0], [871.2655014688692, 442.38330105318596, 961.8251954386265, 716.0608337038157, 0.0], [694.9522158529237, 415.92540850430055, 791.5508795346905, 707.7182414329311, 0.0], [1272.4449975187122, 389.0542866999712, 1481.7777369136707, 1019.0426046287259, 0.0], [571.03, 454.90999999999997, 596.4199999999998, 533.08, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 500}, {"time_since_observed": 12, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 1, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 132}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [70031.9311116537], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 500}, {"time_since_observed": 13, "confidence": 1, "age": 416}, {"time_since_observed": 0, "confidence": 1, "age": 281}, {"time_since_observed": 2, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 132}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [1, 3, 6, 0], "ret_unmatched_trackers": []}, +{"frame_count": 502, "min_hits": 3, "ios_matrix": [[0.0, 0.00024420220870524645, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0005315217422321439, 0.0, 0.02311686798930168, 0.0, 0.0, 0.0, 0.21067817509174347, 0.0], [0.0, 0.011921240948140621, 0.0, 0.0, 0.0, 0.0, 0.6708793044090271, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.15789766609668732, 0.9750077724456787, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 3, 0], "trackers": [[1683.997531988116, 397.09254784808655, 1847.6476618760294, 890.0658450903668, 0.0], [1442.486514522409, 390.60386569617555, 1684.084515593735, 1117.4088014226072, 0.0], [1273.093471650547, 481.13727486585054, 1446.4950150487496, 1003.3539287978074, 0.0], [983.0986398460062, 443.6102891379752, 1059.5993858543245, 675.1124279675342, 0.0], [873.3225271533167, 437.5664869758056, 968.1892891114476, 724.1655737811011, 0.0], [695.4815124428486, 415.16143822517483, 792.6426115631135, 708.6400788216438, 0.0], [1277.4271667551047, 391.31915842149203, 1486.5425638937222, 1020.6533833360203, 0.0], [572.6300064189206, 460.3082323781366, 595.7001703653752, 531.4208841542588, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 501}, {"time_since_observed": 13, "confidence": 1, "age": 417}, {"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 2, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 133}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [69185.06442667478], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 501}, {"time_since_observed": 14, "confidence": 1, "age": 417}, {"time_since_observed": 1, "confidence": 1, "age": 282}, {"time_since_observed": 3, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 133}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [1, 2, 3, 0], "ret_unmatched_trackers": []}, +{"frame_count": 503, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.021272821351885796, 0.0, 0.0, 0.0, 0.26412609219551086, 0.0], [0.0, 0.010966376401484013, 0.0, 0.0, 0.0, 0.0, 0.6465848684310913, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.17831319570541382, 0.8467586636543274, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3, 6], "trackers": [[1690.8410475965977, 398.39952376583705, 1854.5058475356575, 891.417012500598, 0.0], [1448.2116814946203, 390.7217310241524, 1689.809685121449, 1117.5266744383616, 0.0], [1278.5290473781863, 481.01970449377967, 1451.8997659400882, 1003.1435262481473, 0.0], [987.1202054987971, 443.96388710672176, 1063.5920458480664, 675.3785533004791, 0.0], [873.7338094571908, 435.78821680737593, 970.1960925307947, 727.1707212133517, 0.0], [701.4608041710349, 420.43707846212294, 794.7269977476712, 702.23681167299, 0.0], [1302.1763698185252, 395.6098498545045, 1500.6279114271335, 992.9599053089146, 0.0], [572.8553333145628, 454.7862196783754, 599.7078331245732, 537.4061074972188, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 502}, {"time_since_observed": 14, "confidence": 1, "age": 418}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 3, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 134}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [67456.91494697164], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 502}, {"time_since_observed": 15, "confidence": 1, "age": 418}, {"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 4, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 134}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0, 1, 3, 6], "ret_unmatched_trackers": []}, +{"frame_count": 504, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.10227362811565399, 0.0, 0.0, 0.0, 0.265438437461853, 0.0], [0.0, 0.057079240679740906, 0.0, 0.0, 0.0, 0.0, 0.7119020223617554, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.1785162091255188, 0.8578662276268005, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 3, 6], "trackers": [[1697.6882309644072, 399.7175482993795, 1861.3603654359579, 892.7571312950375, 0.0], [1453.9368491057076, 390.8395982740737, 1695.5348540102873, 1117.6445455321716, 0.0], [1291.9834595278944, 480.41036503766816, 1472.38741562704, 1023.6353065997065, 0.0], [991.1345467858521, 444.29562311716364, 1067.5919302075438, 675.6665405917288, 0.0], [887.5455236848494, 435.1042077070904, 984.6108196154208, 728.2940986760836, 0.0], [703.4342004739904, 422.52032731086155, 795.1706353514328, 699.7302088690953, 0.0], [1308.4400156791953, 396.99115419983616, 1506.5130403468288, 993.2018528427603, 0.0], [572.7133368616588, 458.58902972672524, 596.9880009763948, 533.3952387358976, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 503}, {"time_since_observed": 15, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 4, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 135}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [68222.42142427585], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 503}, {"time_since_observed": 16, "confidence": 1, "age": 419}, {"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 5, "confidence": 0.9801507351238016, "age": 189}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 135}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [1, 3, 6], "ret_unmatched_trackers": []}, +{"frame_count": 505, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.11012428253889084, 0.0, 0.0, 0.0, 0.26697853207588196, 0.0], [0.0, 0.07557828724384308, 0.0, 0.0, 0.0, 0.0, 0.7816489934921265, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.17920854687690735, 0.7645046710968018, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[1722.8238157462206, 414.8109959597841, 1892.538066213649, 925.967436136237, 0.0], [1459.6620170362326, 390.95746648496714, 1701.2600225796878, 1117.7624156650095, 0.0], [1281.6086672192464, 442.3346851436132, 1481.6965517308113, 1044.6229293863043, 0.0], [995.1452743536083, 444.6164234989948, 1071.59542828632, 675.9654635115891, 0.0], [892.3334584174587, 434.83002462020295, 989.6285062101091, 728.7084823433327, 0.0], [703.886811732527, 423.328774466009, 795.0331530946795, 698.7677469721684, 0.0], [1314.6091680615634, 398.08802797815787, 1512.492662744826, 993.7282309436159, 0.0], [572.7138717350085, 449.87868470389327, 599.4177958783303, 532.0336131857772, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 504}, {"time_since_observed": 16, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 190}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 136}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [71787.7257189664], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 504}, {"time_since_observed": 17, "confidence": 1, "age": 420}, {"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 190}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 136}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 506, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.16865146160125732, 0.0, 0.0, 0.0, 0.32111963629722595, 0.0], [0.0, 0.11303558200597763, 0.0, 0.0, 0.0, 0.0, 0.5476163625717163, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.39302077889442444, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1725.9254380170803, 416.0279109626739, 1896.2104802695933, 928.8951869774888, 0.0], [1465.3871851264764, 391.0753351763467, 1706.9851909893694, 1117.8802853173613, 0.0], [1301.0055387407558, 435.6725333912488, 1498.7344560453619, 1030.8768897548366, 0.0], [1019.7560319653187, 448.68989954658923, 1093.7192173323485, 672.5791583836854, 0.0], [903.490953371885, 439.3321115289281, 996.7714854344748, 721.1734164052248, 0.0], [703.783147072567, 423.64145260980297, 794.7039728802721, 698.4035942039383, 0.0], [1293.0352710338507, 346.5080988446983, 1560.3402200304263, 1150.5021944624445, 0.0], [572.689473150501, 451.95411910930426, 600.1114469297697, 536.2643598723273, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 505}, {"time_since_observed": 17, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 191}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 137}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [83209.04871349498], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 505}, {"time_since_observed": 18, "confidence": 1, "age": 421}, {"time_since_observed": 0, "confidence": 1, "age": 286}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 191}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 137}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 507, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1697578728199005, 0.0, 0.0, 0.0, 0.3047681152820587, 0.0], [0.0, 0.11274361610412598, 0.0, 0.0, 0.0, 0.0, 0.5060904026031494, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.3999479413032532, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6, 1], "trackers": [[1733.8411215520891, 418.8045736514238, 1904.1603714802623, 931.7748769034083, 0.0], [1471.1123532965796, 391.19320410796934, 1712.7103593191916, 1117.9981547294701, 0.0], [1307.6976541382573, 433.2795798455109, 1504.5254143018688, 1025.7776297667963, 0.0], [1022.3819262950834, 449.13975764254343, 1096.1004327183675, 672.2948550808259, 0.0], [897.4554793845878, 436.40359796286293, 993.3270921948608, 726.0153438231596, 0.0], [716.5768554381486, 423.7632123169609, 807.4122549569174, 698.2689761011635, 0.0], [1290.9314612642388, 340.19010010537295, 1567.7389751871306, 1172.6575921616586, 0.0], [572.6461289414763, 452.7419996338821, 600.2705466438015, 537.6539908164447, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 506}, {"time_since_observed": 18, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 192}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 138}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [85189.16947151082], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 506}, {"time_since_observed": 19, "confidence": 1, "age": 422}, {"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 192}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 138}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 119}, {"time_since_observed": 1, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [6, 1], "ret_unmatched_trackers": []}, +{"frame_count": 508, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.2196275144815445, 0.0, 0.0, 0.0, 0.305742084980011, 0.0], [0.0, 0.1589055359363556, 0.0, 0.0, 0.0, 0.0, 0.5460727214813232, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4050951600074768, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 6, 1], "trackers": [[1743.4118176686313, 371.93648958074886, 1933.0447257329463, 942.8611147191202, 0.0], [1476.8375215066126, 391.3110731597135, 1718.4355276090841, 1118.1160240214572, 0.0], [1316.5072859807838, 426.2125571809403, 1521.9607546797206, 1044.5848629443421, 0.0], [1021.0311948031929, 436.6796146350351, 1101.8700821775858, 681.2138866477428, 0.0], [904.5764242054393, 439.95669171081863, 997.2944655634285, 720.1105727220017, 0.0], [721.0909159294943, 423.81158342373806, 811.8945081758675, 698.221904835912, 0.0], [1296.5687506060842, 343.29630411777157, 1574.7077022574115, 1179.7679455228663, 0.0], [572.6018181595401, 453.0558683627033, 600.2629029787821, 538.072662573232, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 507}, {"time_since_observed": 19, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 0, "confidence": 0.9801507351238016, "age": 193}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 139}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 120}, {"time_since_observed": 1, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [89571.88772338547], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 507}, {"time_since_observed": 20, "confidence": 1, "age": 423}, {"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 1, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 139}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 120}, {"time_since_observed": 2, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [3, 6, 1], "ret_unmatched_trackers": []}, +{"frame_count": 509, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.21712659299373627, 0.0, 0.0, 0.0, 0.30711671710014343, 0.0], [0.0, 0.16201521456241608, 0.0, 0.0, 0.0, 0.0, 0.5604952573776245, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4088596999645233, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 6, 7, 3], "trackers": [[1756.0698701954404, 374.61283094624076, 1933.8379756899474, 909.9408753850921, 0.0], [1482.5626897366105, 391.4289422715184, 1724.1606958790117, 1118.2338932533835, 0.0], [1319.2151919687926, 423.69202079555066, 1527.86642111209, 1051.6535724388589, 0.0], [1025.902363283724, 436.77877019621224, 1106.7600235846082, 681.3698295307415, 0.0], [911.0887202846021, 436.6263824794248, 1006.7529874050161, 725.6165417095567, 0.0], [722.465814969174, 423.83163020774157, 813.2580847856478, 698.2079945646186, 0.0], [1302.5400915681944, 347.4071308392794, 1581.3423777074277, 1185.8736761749647, 0.0], [572.5625193008511, 453.1903253692557, 600.2087266701162, 538.158376283852, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 508}, {"time_since_observed": 20, "confidence": 1, "age": 424}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 1, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 140}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 121}, {"time_since_observed": 2, "confidence": 1, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [88779.20105261847], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 508}, {"time_since_observed": 21, "confidence": 1, "age": 424}, {"time_since_observed": 0, "confidence": 1, "age": 289}, {"time_since_observed": 2, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 140}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 121}, {"time_since_observed": 3, "confidence": 1, "age": 27}, {"time_since_observed": 1, "confidence": 0.026459399583410887, "age": 10}], "ret_occluded_trackers": [0, 1, 6, 3], "ret_unmatched_trackers": [7]}, +{"frame_count": 51, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 0.0], [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755, 0.0], [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 0.0], [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "average_area": [36371.71462690643], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [2]}, +{"frame_count": 510, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.19620631635189056, 0.0, 0.0, 0.0, 0.30869439244270325, 0.0], [0.0, 0.1480986475944519, 0.0, 0.0, 0.0, 0.0, 0.5656352043151855, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.41193661093711853, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6, 1, 0], "trackers": [[1764.7009323043999, 374.396997707454, 1942.5194034158112, 909.8767123636901, 0.0], [1488.2878579765909, 391.5468114133537, 1729.8858641389568, 1118.3517624552796, 0.0], [1319.6061934402378, 422.77662050840047, 1529.4631106545435, 1054.3532599069486, 0.0], [1030.7782258130128, 436.89212505964326, 1111.6452709428731, 681.5115731114864, 0.0], [913.1287061677567, 435.37943520069297, 1009.8953558542496, 727.6742881036964, 0.0], [722.670335253146, 423.8406087952063, 813.4590965385726, 698.2064694287247, 0.0], [1308.6775617181083, 352.0175724244469, 1587.81092396964, 1191.4797919634036, 0.0], [572.7019233740406, 452.9999471293711, 600.5820964700646, 538.687069977343, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 509}, {"time_since_observed": 21, "confidence": 1, "age": 425}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 2, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 141}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 122}, {"time_since_observed": 3, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 11}], "average_area": [89129.9754485142], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 509}, {"time_since_observed": 22, "confidence": 1, "age": 425}, {"time_since_observed": 0, "confidence": 1, "age": 290}, {"time_since_observed": 2, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 141}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 122}, {"time_since_observed": 4, "confidence": 1, "age": 28}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 11}], "ret_occluded_trackers": [6, 1, 0], "ret_unmatched_trackers": []}, +{"frame_count": 511, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.16862450540065765, 0.0, 0.0, 0.0, 0.31037527322769165, 0.0], [0.0, 0.12783201038837433, 0.0, 0.0, 0.0, 0.0, 0.567417562007904, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4146706461906433, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 7], "trackers": [[1773.3445884920154, 374.2190900767491, 1951.188237063019, 909.774623734206, 0.0], [1494.0130262215623, 391.66468057020415, 1735.6110323939108, 1118.4696316421605, 0.0], [1319.1642078489692, 422.45336552286153, 1529.4768993448436, 1055.396486464516, 0.0], [1095.0707293152475, 426.2705866147741, 1156.5906059583838, 612.8997522259191, 0.0], [927.5103374725502, 434.89745055276154, 1024.695158325548, 728.4456680856781, 0.0], [722.4566306113913, 423.8451358686658, 813.2448556222589, 698.209413735077, 0.0], [1314.897874480853, 356.8771538583169, 1594.1966276190217, 1196.8367679031398, 0.0], [572.5141720463365, 453.2635173179303, 600.1236560035301, 538.1173547596577, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 510}, {"time_since_observed": 22, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 142}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 0, "confidence": 0.026459399583410887, "age": 12}], "average_area": [88227.13400348496], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 510}, {"time_since_observed": 23, "confidence": 1, "age": 426}, {"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 142}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 29}, {"time_since_observed": 1, "confidence": 0.03186462790634651, "age": 12}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 512, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.13874585926532745, 0.0, 0.0, 0.0, 0.3815251588821411, 0.0], [0.0, 0.10535208880901337, 0.0, 0.0, 0.0, 0.0, 0.5051073431968689, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.504624605178833, 0.8798443078994751, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 6, 7, 0, 1], "trackers": [[1781.9945397128051, 374.0601392087857, 1959.8507756770525, 909.6535783419805, 0.0], [1499.7381944690294, 391.7825497345622, 1741.3362006463692, 1118.5875008215337, 0.0], [1318.4583234586623, 422.3512865721559, 1528.941921520831, 1055.806769619497, 0.0], [1106.0679770217425, 426.2398779287195, 1163.552104379949, 600.7145985345652, 0.0], [927.2824587579493, 439.3247026475185, 1020.5238455065343, 721.0487220696718, 0.0], [722.1103510668697, 423.8477608946469, 812.8991627535538, 698.21382617428, 0.0], [1343.7491250187734, 340.5420171593492, 1621.654499324369, 1176.2596160377627, 0.0], [572.6154618214026, 453.10687810812226, 600.4152714895614, 538.5456546586088, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 511}, {"time_since_observed": 23, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.699410551334236, "age": 143}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 30}, {"time_since_observed": 1, "confidence": 0.03186462790634651, "age": 13}], "average_area": [87502.25970494674], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 511}, {"time_since_observed": 24, "confidence": 1, "age": 427}, {"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 1, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 124}, {"time_since_observed": 1, "confidence": 1, "age": 30}, {"time_since_observed": 2, "confidence": 0.017643751456880817, "age": 13}], "ret_occluded_trackers": [4, 6, 0, 1], "ret_unmatched_trackers": [7]}, +{"frame_count": 513, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.25092244148254395, 0.0, 0.0, 0.0, 0.388163685798645, 0.0], [0.0, 0.1906423419713974, 0.0, 0.0, 0.0, 0.0, 0.5637189745903015, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5136117935180664, 0.98175448179245, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7, 0, 1, 3], "trackers": [[1790.6476379489334, 373.91066521274126, 1968.5101672757476, 909.523056077836, 0.0], [1505.4633627177443, 391.90041890267406, 1747.0613688975798, 1118.7053699971532, 0.0], [1347.7481219417173, 422.33142659797426, 1558.2940650143782, 1055.9737792924616, 0.0], [1105.1864132273108, 423.09464145899426, 1163.7721975747336, 600.8552098264788, 0.0], [932.0860439617203, 439.3534967610465, 1025.287878045643, 720.958009856063, 0.0], [721.7384330895677, 423.8494779654868, 812.5282482908349, 698.2185814162792, 0.0], [1351.5896356396593, 343.87800359776406, 1629.550948111278, 1179.7638198412108, 0.0], [572.7173986943344, 452.95222766192836, 600.7062398777271, 538.9719657939457, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 512}, {"time_since_observed": 24, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 31}, {"time_since_observed": 2, "confidence": 0.017643751456880817, "age": 14}], "average_area": [87574.06991768166], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 512}, {"time_since_observed": 25, "confidence": 1, "age": 428}, {"time_since_observed": 0, "confidence": 1, "age": 293}, {"time_since_observed": 1, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 31}, {"time_since_observed": 3, "confidence": 0.012829634419061967, "age": 14}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": [7]}, +{"frame_count": 514, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.19722148776054382, 0.0, 0.0, 0.0, 0.21058440208435059, 0.0, 0.0], [0.0, 0.1377018541097641, 0.0, 0.0, 0.0, 0.0, 0.5286026000976562, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2781521677970886, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.031285375356674194], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.028824660927057266, 0.0]], "unmatched_trackers": [1, 0, 6], "trackers": [[1799.3023095674553, 373.7659292754023, 1977.167985492049, 909.3877957549861, 0.0], [1511.1885309670831, 392.01828807266287, 1752.7865371481664, 1118.8232391708957, 0.0], [1349.1707525520892, 428.2752206607351, 1550.9920214497497, 1035.7522250216414, 0.0], [1113.2440037497245, 420.2284774373579, 1171.7052187433192, 597.6110783613019, 0.0], [942.0050448808294, 441.3301280596905, 1033.4717423529773, 717.7302016822816, 0.0], [721.3794964644474, 423.8506853167762, 812.1704625821583, 698.2232689763503, 0.0], [1300.6714301980162, 339.8734833488548, 1578.3895405838223, 1175.0211782544206, 0.0], [572.819969641354, 452.79952595261244, 600.9965741918049, 539.3963281924049, 0.0], [546.6474850952587, 456.6081768371947, 573.6695149047413, 539.8028231628051, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 513}, {"time_since_observed": 25, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [76738.98225039153], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 513}, {"time_since_observed": 26, "confidence": 1, "age": 429}, {"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 126}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [1, 0, 6], "ret_unmatched_trackers": []}, +{"frame_count": 515, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.23382213711738586, 0.0, 0.0, 0.0, 0.20304836332798004, 0.0, 0.0], [0.0, 0.17218483984470367, 0.0, 0.0, 0.0, 0.0, 0.5574176907539368, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2682427763938904, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [6, 8, 1, 0, 3], "trackers": [[1807.957767845859, 373.6235622731163, 1985.8250170484685, 909.2501664970832, 0.0], [1516.9136992167341, 392.13615724359005, 1758.5117053984409, 1118.9411083436999, 0.0], [1358.1033640428993, 424.6400589736668, 1565.3794317670943, 1048.4773535850961, 0.0], [1108.7269681917162, 425.86234198927093, 1164.94231545553, 596.5059129154392, 0.0], [944.4697182193237, 441.82942869881333, 1035.509938970747, 716.9499359186024, 0.0], [735.4283376555388, 427.2884090872653, 822.39063738044, 690.1778828813929, 0.0], [1303.9794013338467, 342.65700250926017, 1581.720616842016, 1177.8741786224264, 0.0], [572.4396109658231, 453.3202882687032, 599.9737948929811, 537.9422781373245, 0.0], [541.9631566574607, 465.4207993593844, 564.8879202656163, 536.090892948308, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 514}, {"time_since_observed": 26, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 127}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [77066.35754907424], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 514}, {"time_since_observed": 27, "confidence": 1, "age": 430}, {"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 1, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 127}, {"time_since_observed": 2, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 16}, {"time_since_observed": 1, "confidence": 0.004204416145295746, "age": 2}], "ret_occluded_trackers": [6, 1, 0, 3], "ret_unmatched_trackers": [8]}, +{"frame_count": 516, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.28461953997612, 0.0, 0.0, 0.0, 0.19551301002502441, 0.0, 0.0, 0.0], [0.0, 0.233914315700531, 0.0, 0.0, 0.0, 0.0, 0.6220530271530151, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.2175692915916443], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2583094537258148, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.28768840432167053, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [3, 6, 8, 0, 1], "trackers": [[1816.613619446376, 373.4823797147835, 1994.4816552827747, 909.111352795227, 0.0], [1522.638867466541, 392.25402641498647, 1764.2368736485596, 1119.0589775160347, 0.0], [1365.9774734144592, 414.34866611996574, 1584.967791128682, 1073.3380028438041, 0.0], [1115.667078523982, 423.3485872954026, 1171.8066844079906, 593.7622427243635, 0.0], [945.0131806096133, 442.0168672027189, 1035.8990761543705, 716.6743096851362, 0.0], [740.5004470461057, 428.69433965887845, 825.9574408839159, 687.065983510861, 0.0], [1307.293149110647, 345.45789305528916, 1585.0459164592398, 1180.7098076048085, 0.0], [572.4133324850048, 453.3540446581254, 599.9056013083672, 537.8471571907002, 0.0], [540.9559398424892, 467.5785061048171, 562.8544447728955, 535.0849554336447, 0.0], [866.6000000000001, 402.13000000000005, 971.1600000000001, 717.81, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 515}, {"time_since_observed": 27, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 1, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 128}, {"time_since_observed": 2, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 17}, {"time_since_observed": 1, "confidence": 0.004204416145295746, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [74058.9520901432], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 515}, {"time_since_observed": 28, "confidence": 1, "age": 431}, {"time_since_observed": 0, "confidence": 1, "age": 296}, {"time_since_observed": 2, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 128}, {"time_since_observed": 3, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 17}, {"time_since_observed": 2, "confidence": 0.0029941491306726916, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [3, 6, 0, 1], "ret_unmatched_trackers": [8]}, +{"frame_count": 517, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.28335678577423096, 0.0, 0.0, 0.0, 0.18797767162322998, 0.0, 0.0, 0.0, 0.0], [0.0, 0.24211719632148743, 0.0, 0.0, 0.0, 0.0, 0.637241542339325, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.030949151143431664, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.2483641803264618, 0.9853597283363342, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.03194407746195793, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 6, 8, 1], "trackers": [[1825.2696677059928, 373.3417893725342, 2003.1380968579813, 908.9719468772875, 0.0], [1528.3640357164254, 392.37189558661754, 1769.9620418986005, 1119.1768466881351, 0.0], [1368.337875236417, 410.6107532703449, 1591.6375014786809, 1082.5271380169092, 0.0], [1122.5882726843618, 420.77741192771475, 1178.689969532337, 591.0759932071073, 0.0], [957.9082032169628, 442.0943005201673, 1048.7361232926694, 716.5777902146576, 0.0], [740.8017405967582, 425.69387214890867, 829.596525410489, 694.0809475866347, 0.0], [1310.6097849376347, 348.26746848129795, 1588.3683280262762, 1183.5367517072107, 0.0], [572.399792628326, 453.36445957987127, 599.8759425511411, 537.8080135335505, 0.0], [539.9739834388231, 469.8140830373345, 560.7957088688693, 534.0011477318966, 0.0], [868.6582249215234, 423.84370840115605, 960.965159693861, 702.6116762142289, 0.0], [686.94, 446.86, 728.8110000000001, 574.47, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 516}, {"time_since_observed": 28, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 2, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 129}, {"time_since_observed": 3, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 18}, {"time_since_observed": 2, "confidence": 0.0029941491306726916, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [67814.21810353552], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 516}, {"time_since_observed": 29, "confidence": 1, "age": 432}, {"time_since_observed": 0, "confidence": 1, "age": 297}, {"time_since_observed": 3, "confidence": 0.9486289693851527, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 129}, {"time_since_observed": 4, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 18}, {"time_since_observed": 3, "confidence": 0.0026277388913542184, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 3, 6, 1], "ret_unmatched_trackers": [8]}, +{"frame_count": 518, "min_hits": 3, "ios_matrix": [[0.0, 0.2641359865665436, 0.0, 0.0, 0.0, 0.1804421842098236, 0.0, 0.0, 0.0, 0.0], [0.22897586226463318, 0.0, 0.0, 0.0, 0.0, 0.6508225202560425, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.23841294646263123, 0.9919554591178894, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 6, 7], "trackers": [[1534.0892039663493, 392.48976475836594, 1775.6872101486022, 1119.294715860118, 0.0], [1368.578665121519, 409.1636728591513, 1593.498667329929, 1085.9402082505671, 0.0], [1129.4999943903367, 418.17748260716974, 1185.5827271110884, 588.4184976427083, 0.0], [962.313740644793, 442.12955267436405, 1053.120216573823, 716.5487142637169, 0.0], [754.1754343049334, 428.08173590920813, 840.3515365303052, 688.611945931638, 0.0], [1313.9278647221536, 351.081386144123, 1591.6892956357815, 1186.3593535727969, 0.0], [572.389058342958, 453.3711711564272, 599.8534087068714, 537.7784536504624, 0.0], [539.0214316066911, 472.14030534608224, 558.707568393309, 532.8266946539183, 0.0], [868.4683089722447, 422.00628450557235, 961.8099127456718, 703.9247401171443, 0.0], [690.4782062028094, 450.71445595894323, 727.3864861048828, 563.2878517333643, 0.0]], "kalman_trackers": [{"time_since_observed": 29, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 3, "confidence": 0.9486289693851527, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 130}, {"time_since_observed": 4, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.012829634419061967, "age": 19}, {"time_since_observed": 3, "confidence": 0.0026277388913542184, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [67817.7904554742], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 30, "confidence": 1, "age": 433}, {"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 3, "confidence": 0.9486289693851527, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 130}, {"time_since_observed": 5, "confidence": 1, "age": 36}, {"time_since_observed": 1, "confidence": 0.06494701776354109, "age": 19}, {"time_since_observed": 4, "confidence": 0.002202004357883744, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": [6, 7]}, +{"frame_count": 519, "min_hits": 3, "ios_matrix": [[0.0, 0.2759079039096832, 0.0, 0.0, 0.0, 0.1729065626859665, 0.0, 0.0, 0.0], [0.26295551657676697, 0.0, 0.0, 0.0, 0.0, 0.6911008954048157, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.1890898048877716, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2284587174654007, 0.95811927318573, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.21895602345466614, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5, 6], "trackers": [[1539.8143722162924, 392.6076339301729, 1781.4123783985845, 1119.4125850320424, 0.0], [1369.0376916068217, 396.71147049366004, 1604.887081680297, 1106.2804385334953, 0.0], [1072.155579703703, 447.0661560334559, 1143.2678389756452, 662.4388200062263, 0.0], [970.5235928150388, 437.3696388149732, 1065.5285100368512, 724.3844387809296, 0.0], [758.9094063485886, 429.0465871990847, 844.0659344819064, 686.516381191682, 0.0], [1317.2466664685485, 353.8974748745672, 1595.0095412834107, 1189.1797843707636, 0.0], [572.4192321652723, 453.26137305416796, 599.9944408244988, 538.0093607651592, 0.0], [889.7714563027212, 406.2151501631518, 992.0294014369435, 714.9901094579825, 0.0], [690.1853503387329, 450.36155538007034, 727.5092314154938, 564.2304870572383, 0.0]], "kalman_trackers": [{"time_since_observed": 30, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.9486289693851527, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 131}, {"time_since_observed": 5, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.06494701776354109, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [75291.86727867911], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 31, "confidence": 1, "age": 434}, {"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 1, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 131}, {"time_since_observed": 6, "confidence": 1, "age": 37}, {"time_since_observed": 2, "confidence": 0.031038457791601543, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": [6]}, +{"frame_count": 52, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 0.0], [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338, 0.0], [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 0.0], [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "average_area": [36355.65667584492], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": [2]}, +{"frame_count": 520, "min_hits": 3, "ios_matrix": [[0.0, 0.30510854721069336, 0.0, 0.0, 0.0, 0.16537080705165863, 0.0, 0.0, 0.0], [0.2543330490589142, 0.0, 0.0, 0.0, 0.0, 0.5894019603729248, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.16239938139915466, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2185029834508896, 0.934246838092804, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.20721347630023956, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5], "trackers": [[1545.5395404662454, 392.7255031020092, 1787.137546648557, 1119.5304542039373, 0.0], [1392.2810631838836, 411.9141379917121, 1612.8313019974273, 1075.5840702931519, 0.0], [1074.8540584824136, 448.3263964583108, 1146.02585862358, 663.8793876454221, 0.0], [979.1845893063783, 440.28426616915687, 1071.609581792257, 719.560558897181, 0.0], [759.8912390577573, 425.86130990998566, 848.5789642061766, 693.9274083273622, 0.0], [1320.5658291916593, 356.7146491261242, 1598.329425954324, 1191.9991296476178, 0.0], [572.4496279342463, 453.152257069423, 600.1352509954665, 538.2395857623417, 0.0], [894.0251769352703, 402.3214249315916, 998.4673004164879, 717.6631491365306, 0.0], [681.2068312858299, 442.3082407387541, 725.5073625877691, 577.285392576682, 0.0]], "kalman_trackers": [{"time_since_observed": 31, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 132}, {"time_since_observed": 6, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [73352.95571478082], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 32, "confidence": 1, "age": 435}, {"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 132}, {"time_since_observed": 7, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": []}, +{"frame_count": 521, "min_hits": 3, "ios_matrix": [[0.0, 0.29721951484680176, 0.0, 0.0, 0.0, 0.157834991812706, 0.0, 0.0, 0.0], [0.23418721556663513, 0.0, 0.0, 0.0, 0.0, 0.5592158436775208, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.05580275505781174, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.09524579346179962, 0.0, 0.0, 0.0, 0.0, 0.027273936197161674, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2085465043783188, 0.9377633333206177, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.02918725274503231, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5], "trackers": [[1551.2647087162034, 392.84337227386027, 1792.8627148985245, 1119.6483233758177, 0.0], [1400.5763403803217, 418.1740587882348, 1614.9937500093974, 1063.437458818869, 0.0], [1078.5580478855, 450.3891807571055, 1151.6526833601924, 671.6870287705324, 0.0], [989.9201038758022, 436.6942246158715, 1085.5200046748225, 725.4930523313819, 0.0], [772.585891026043, 428.181966397735, 858.723940642281, 688.5981057828936, 0.0], [1323.8851724020724, 359.5323661350635, 1601.6491301379351, 1194.8179321670896, 0.0], [575.9197338441793, 454.4235638041802, 601.7741967942577, 533.9930930421291, 0.0], [893.9480316894009, 412.169616877704, 992.8590917903183, 710.8821165027331, 0.0], [676.7389330493312, 445.2074017307983, 719.6498156872505, 575.9728424256715, 0.0]], "kalman_trackers": [{"time_since_observed": 32, "confidence": 1, "age": 436}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 133}, {"time_since_observed": 7, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [72154.842174296], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 33, "confidence": 1, "age": 436}, {"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 133}, {"time_since_observed": 8, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": []}, +{"frame_count": 522, "min_hits": 3, "ios_matrix": [[0.0, 0.3823185861110687, 0.0, 0.0, 0.0, 0.15029911696910858, 0.0, 0.0, 0.0], [0.35280841588974, 0.0, 0.0, 0.0, 0.0, 0.5757894515991211, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.16076742112636566, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.18721085786819458, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.19858966767787933, 0.8244235515594482, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 6], "trackers": [[1556.9898769661636, 392.9612414457186, 1798.5878831484897, 1119.7661925476907, 0.0], [1413.6438760854157, 399.74568423325064, 1645.714964934663, 1097.9840754183692, 0.0], [1071.9480932270687, 413.4362520496235, 1161.602145623732, 684.4641749020467, 0.0], [993.4235959044048, 435.3532644250179, 1090.2089964766458, 727.7059594922114, 0.0], [777.009371811826, 429.11576833787683, 862.1552263769579, 686.5536576600479, 0.0], [1327.204605855873, 362.3503545219004, 1604.9687440781586, 1197.6364633086637, 0.0], [576.4674083357402, 454.64828361708567, 602.0261001671936, 533.3268315929179, 0.0], [893.1994494747487, 415.3396825454365, 990.3184918306272, 708.6667889318537, 0.0], [675.8153032815442, 446.1786680398367, 718.2260905203575, 575.4285633627858, 0.0]], "kalman_trackers": [{"time_since_observed": 33, "confidence": 1, "age": 437}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 134}, {"time_since_observed": 8, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.031038457791601543, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [75571.36095411902], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 34, "confidence": 1, "age": 437}, {"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 134}, {"time_since_observed": 9, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.06120199097866186, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": [6]}, +{"frame_count": 523, "min_hits": 3, "ios_matrix": [[0.0, 0.3930000364780426, 0.0, 0.0, 0.0, 0.14276321232318878, 0.0, 0.0, 0.0], [0.3828975558280945, 0.0, 0.0, 0.0, 0.0, 0.5885076522827148, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.025105418637394905, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.03383740410208702, 0.0, 0.0, 0.0, 0.0, 0.026596110314130783, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.18863263726234436, 0.7981097102165222, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.028606804087758064, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1562.7150452161252, 393.0791106175806, 1804.3130513984536, 1119.88406171956, 0.0], [1417.9659224602985, 393.1529509011322, 1656.4323690728581, 1110.5737264607642, 0.0], [1076.5817220410004, 436.3209459403994, 1156.74428771283, 678.861029430548, 0.0], [986.2014924460966, 439.4609647273488, 1079.3297928773106, 720.8473201537901, 0.0], [778.2955800012302, 429.49361282265335, 863.0609501752969, 685.789246987455, 0.0], [1330.5240844313014, 365.1684785974878, 1608.2883128967544, 1200.4548587614875, 0.0], [576.7551285608452, 454.5564938674001, 602.3238915190711, 533.2660442762274, 0.0], [892.3907064559305, 416.2478822237845, 988.992803481133, 708.0237438563688, 0.0], [675.8474664814867, 446.5294001171187, 718.0561871759558, 575.1666884888194, 0.0]], "kalman_trackers": [{"time_since_observed": 34, "confidence": 1, "age": 438}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 135}, {"time_since_observed": 9, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [75743.22567837156], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 35, "confidence": 1, "age": 438}, {"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 135}, {"time_since_observed": 10, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 524, "min_hits": 3, "ios_matrix": [[0.0, 0.3776217997074127, 0.0, 0.0, 0.0, 0.13522730767726898, 0.0, 0.0, 0.0], [0.3753245770931244, 0.0, 0.0, 0.0, 0.0, 0.6019769310951233, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.07170005142688751, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.11305049806833267, 0.0, 0.0, 0.0, 0.0, 0.0256503913551569, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.17867550253868103, 0.8002589344978333, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.029029356315732002, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1568.4402134660872, 393.19697978944436, 1810.038219648417, 1120.0019308914275, 0.0], [1418.857742866454, 390.63007575238083, 1659.717434908076, 1115.227923495304, 0.0], [1078.2637295117966, 445.3106733328437, 1154.533544487946, 676.146817323007, 0.0], [991.0254538541068, 436.3754041674381, 1086.8860699365366, 725.9558993494886, 0.0], [778.4165501879036, 429.65391816284136, 863.0376435582236, 685.5164213747437, 0.0], [1333.843585567527, 367.98667051740074, 1611.607859154553, 1203.2731863699855, 0.0], [576.663421333732, 454.7456931620412, 602.1028699994586, 533.0649771450019, 0.0], [891.9210254356834, 406.65349341443306, 993.9212412730695, 714.6542834291931, 0.0], [678.2729334125514, 442.89789475909026, 722.8143120687452, 578.5550658900416, 0.0]], "kalman_trackers": [{"time_since_observed": 35, "confidence": 1, "age": 439}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 136}, {"time_since_observed": 10, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [76511.25079716489], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 36, "confidence": 1, "age": 439}, {"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 136}, {"time_since_observed": 11, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 525, "min_hits": 3, "ios_matrix": [[0.0, 0.36166825890541077, 0.0, 0.0, 0.0, 0.1276913732290268, 0.0, 0.0, 0.0], [0.39601507782936096, 0.0, 0.0, 0.0, 0.0, 0.6487081050872803, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.09277508407831192, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1687183380126953, 0.7827962040901184, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.11626682430505753, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 6, 5], "trackers": [[1574.1653817160498, 393.31484896130917, 1815.76338789838, 1120.119800063294, 0.0], [1417.017349418703, 374.42579438721447, 1669.8418364046506, 1134.9156220836237, 0.0], [1078.724316442087, 448.6889160779323, 1153.4558670538454, 674.8970511153203, 0.0], [984.4188958173779, 439.86602030678387, 1077.1819747051948, 720.1567132615276, 0.0], [778.5294595085036, 426.1387068282804, 867.0267573997123, 693.6338497911497, 0.0], [1337.1630979841475, 370.80489635946424, 1614.9273941319566, 1206.0914800563332, 0.0], [576.6584759791698, 454.7843122836675, 602.0688604233486, 533.0159874777855, 0.0], [891.444638583855, 403.29026333120777, 995.3290018821473, 716.9495310117347, 0.0], [677.1688868897311, 445.3036631086572, 720.1493158732453, 576.2611882876174, 0.0]], "kalman_trackers": [{"time_since_observed": 36, "confidence": 1, "age": 440}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 137}, {"time_since_observed": 11, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.06120199097866186, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [78517.41979908812], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 37, "confidence": 1, "age": 440}, {"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 137}, {"time_since_observed": 12, "confidence": 1, "age": 43}, {"time_since_observed": 1, "confidence": 0.06582656515524164, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": [6]}, +{"frame_count": 526, "min_hits": 3, "ios_matrix": [[0.0, 0.3325570523738861, 0.0, 0.0, 0.0, 0.1201554462313652, 0.0, 0.0, 0.0], [0.34583067893981934, 0.0, 0.0, 0.0, 0.0, 0.6426648497581482, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.051032599061727524, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.158761128783226, 0.8165596723556519, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.06083935126662254, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1579.8905499660123, 393.4327181331744, 1821.488556148343, 1120.2376692351602, 0.0], [1417.064707617585, 383.26628808162985, 1663.4425502574672, 1124.417645611992, 0.0], [1089.328642779641, 449.86891224399415, 1163.4636438130574, 674.2818062468536, 0.0], [989.5541641714594, 436.52020959452716, 1085.2797330374947, 725.695840781799, 0.0], [777.8272147414818, 428.3416814096388, 863.8972197389262, 688.553825052803, 0.0], [1340.4826160409639, 373.6231391625997, 1618.2469234691644, 1208.9097567816088, 0.0], [576.8904885832427, 454.7144123160445, 602.3039383512934, 532.9555248101783, 0.0], [890.9939680781582, 402.1071730061627, 995.5423896896663, 717.7595587472468, 0.0], [676.918823224643, 446.21720355457853, 719.2980830739012, 575.3635392942208, 0.0]], "kalman_trackers": [{"time_since_observed": 37, "confidence": 1, "age": 441}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 138}, {"time_since_observed": 12, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [77487.55358833236], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 38, "confidence": 1, "age": 441}, {"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 138}, {"time_since_observed": 13, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 527, "min_hits": 3, "ios_matrix": [[0.0, 0.3137128949165344, 0.0, 0.0, 0.0, 0.11261951178312302, 0.0, 0.0, 0.0], [0.3489868938922882, 0.0, 0.0, 0.0, 0.0, 0.6778464913368225, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.11802977323532104, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.1488039195537567, 0.8051102161407471, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.12521880865097046, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1585.615718215975, 393.5505873050398, 1827.2137243983057, 1120.355538407026, 0.0], [1415.0934605154655, 371.6104035401331, 1669.9302584129948, 1138.1345723488098, 0.0], [1093.0911711985364, 450.2093534444464, 1166.996289804175, 673.9303648754933, 0.0], [991.1342060957934, 435.26891076494485, 1087.9676528616749, 727.7656427696922, 0.0], [789.5006799163627, 429.22214517347584, 874.626986826411, 686.6015820249613, 0.0], [1343.8021369178782, 376.44139044627053, 1621.5664499862742, 1211.728025026349, 0.0], [576.6347624806895, 454.80629917673366, 602.0331347443469, 533.0017772713405, 0.0], [904.9212024904388, 396.03361785851087, 1004.6706814733899, 697.2743996383359, 0.0], [672.8665285217505, 448.0327993524452, 712.9481067970141, 570.2734396664105, 0.0]], "kalman_trackers": [{"time_since_observed": 38, "confidence": 1, "age": 442}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 139}, {"time_since_observed": 13, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [78516.40136236855], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 39, "confidence": 1, "age": 442}, {"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 139}, {"time_since_observed": 14, "confidence": 0.9498085423611364, "age": 45}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 528, "min_hits": 3, "ios_matrix": [[0.0, 0.29207900166511536, 0.0, 0.0, 0.0, 0.10508356988430023, 0.0, 0.0, 0.0], [0.33299604058265686, 0.0, 0.0, 0.0, 0.0, 0.6950095891952515, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.13782911002635956, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.13884671032428741, 0.8054764270782471, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.1825835108757019, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 6, 0], "trackers": [[1591.3408864659377, 393.66845647690536, 1832.9388926482684, 1120.473407578892, 0.0], [1413.8031429400937, 367.20605636697957, 1671.792067623883, 1143.183160817053, 0.0], [1094.2578421235016, 450.2379555282593, 1168.0742073337697, 673.691820751427, 0.0], [997.6517801516969, 441.81011960612, 1087.0754214923275, 712.0921460011282, 0.0], [793.5768849460508, 429.5740997617992, 878.3414210967785, 685.8674593168383, 0.0], [1347.1216592048415, 379.2596459702087, 1624.885975093335, 1214.5462890308222, 0.0], [576.5901794475337, 454.8230940405754, 601.9853244956664, 533.0088250427779, 0.0], [911.1037013486215, 399.5280118936099, 1014.0785351862149, 710.4554512655114, 0.0], [669.1913231959322, 447.24709197513425, 710.4742342322909, 573.0979078861297, 0.0]], "kalman_trackers": [{"time_since_observed": 39, "confidence": 1, "age": 443}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 140}, {"time_since_observed": 14, "confidence": 0.9498085423611364, "age": 46}, {"time_since_observed": 0, "confidence": 0.06582656515524164, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [78820.93545348008], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 40, "confidence": 1, "age": 443}, {"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 140}, {"time_since_observed": 15, "confidence": 0.9026865595797791, "age": 46}, {"time_since_observed": 1, "confidence": 0.07305242074847638, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": [6]}, +{"frame_count": 529, "min_hits": 3, "ios_matrix": [[0.0, 0.26945796608924866, 0.0, 0.0, 0.0, 0.09754763543605804, 0.0, 0.0, 0.0], [0.31003710627555847, 0.0, 0.0, 0.0, 0.0, 0.7083534002304077, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0623154416680336, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1020340844988823, 0.0, 0.0, 0.0, 0.0, 0.031221918761730194, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.12888950109481812, 0.8134448528289795, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.03439931198954582, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1597.0660547159005, 393.78632564877097, 1838.6640608982311, 1120.5912767507575, 0.0], [1412.7936502452444, 365.4824446268869, 1671.9703997133288, 1145.021399944553, 0.0], [1094.4552738689226, 450.15692511997565, 1168.2369604052901, 673.5063937971421, 0.0], [1007.4796480044402, 437.20389972916496, 1101.9835205011304, 722.721887852774, 0.0], [794.7758601528702, 429.7198436765123, 879.4032146940834, 685.6013725711732, 0.0], [1350.4411821968292, 382.0779036142806, 1628.2054994953714, 1217.3645509151613, 0.0], [576.7628859452502, 454.7707951240469, 602.160229632567, 532.9632952237089, 0.0], [911.6747247466578, 409.7408889907627, 1010.8899005595467, 709.3776721398967, 0.0], [668.0089535216508, 446.96964372769264, 709.7277954986952, 574.1286991531094, 0.0]], "kalman_trackers": [{"time_since_observed": 40, "confidence": 1, "age": 444}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 141}, {"time_since_observed": 15, "confidence": 0.9026865595797791, "age": 47}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [79086.82047604906], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 41, "confidence": 1, "age": 444}, {"time_since_observed": 0, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 141}, {"time_since_observed": 16, "confidence": 0.8617588497330526, "age": 47}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 53, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644, 0.0], [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 0.0], [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "average_area": [36348.81268834209], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 530, "min_hits": 3, "ios_matrix": [[0.0, 0.36614587903022766, 0.0, 0.0, 0.0, 0.09001170098781586, 0.0, 0.0, 0.0, 0.0], [0.3884652853012085, 0.0, 0.0, 0.0, 0.0, 0.5885865092277527, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.10253830254077911, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.17464542388916016, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.11893227696418762, 0.7330152988433838, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0], "trackers": [[1602.7912229658632, 393.9041948206366, 1844.3892291481939, 1120.7091459226233, 0.0], [1447.7818740668627, 379.50335786896994, 1696.6436619778292, 1128.1055004275256, 0.0], [1094.3049539773033, 450.04285917382094, 1168.0726487929696, 673.3501945783808, 0.0], [1010.8135068027208, 435.5423517327581, 1107.1881441765686, 726.6660309957851, 0.0], [794.9056888195091, 429.78529244710097, 879.4819730438664, 685.5135301096993, 0.0], [1353.7607055413291, 384.8961623184194, 1631.5250235448957, 1220.1828117394336, 0.0], [578.0326445986045, 453.8708565387119, 604.8935523266198, 536.4636253431999, 0.0], [911.5789809089342, 413.5918880211565, 1009.3665190010881, 708.9402443452826, 0.0], [667.7341863088266, 446.86845470385447, 709.6106525613213, 574.5000163397093, 0.0], [715.2204061091054, 449.24672379629754, 748.7255938908945, 551.8902762037026, 0.0]], "kalman_trackers": [{"time_since_observed": 41, "confidence": 1, "age": 445}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 142}, {"time_since_observed": 16, "confidence": 0.8617588497330526, "age": 48}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [69994.80273835413], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 42, "confidence": 1, "age": 445}, {"time_since_observed": 0, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 142}, {"time_since_observed": 17, "confidence": 0.935919545366087, "age": 48}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 531, "min_hits": 3, "ios_matrix": [[0.0, 0.3899449110031128, 0.0, 0.0, 0.0, 0.08247575908899307, 0.0, 0.0, 0.0, 0.0], [0.4003481864929199, 0.0, 0.0, 0.0, 0.0, 0.5515428781509399, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.11534197628498077, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.19935859739780426, 0.0, 0.0, 0.0, 0.0, 0.027729544788599014, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.10897505283355713, 0.7098154425621033, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.030726997181773186, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5], "trackers": [[1608.516391215826, 394.02206399250224, 1850.1143973981566, 1120.827015094489, 0.0], [1460.4367159646292, 384.99992043569233, 1705.2397144266058, 1121.4258784814283, 0.0], [1094.0429673296126, 449.92422213972566, 1167.8045839055385, 673.2132424699786, 0.0], [1011.6682653531707, 434.9113010089827, 1108.7479793008215, 728.1470217554363, 0.0], [794.6568332156285, 429.8189712638407, 879.2149699470231, 685.4927675750014, 0.0], [1357.080229062085, 387.71442155259155, 1634.844547418164, 1223.0010720336725, 0.0], [577.61869210579, 450.9669912501274, 606.1872337654942, 538.691530479379, 0.0], [912.5846177483121, 406.17935033876955, 1014.7934064865659, 714.8067575750056, 0.0], [664.2308832919625, 448.2159676355638, 704.1894159612339, 570.0877085357245, 0.0], [716.6794453243491, 449.85361732568583, 745.1299392910354, 537.1020749820063, 0.0]], "kalman_trackers": [{"time_since_observed": 42, "confidence": 1, "age": 446}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 143}, {"time_since_observed": 17, "confidence": 0.935919545366087, "age": 49}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [69584.61089439198], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 43, "confidence": 1, "age": 446}, {"time_since_observed": 0, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 143}, {"time_since_observed": 18, "confidence": 0.9076582676282131, "age": 49}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": []}, +{"frame_count": 532, "min_hits": 3, "ios_matrix": [[0.0, 0.3947855532169342, 0.0, 0.0, 0.0, 0.07493982464075089, 0.0, 0.0, 0.0, 0.0], [0.43708404898643494, 0.0, 0.0, 0.0, 0.0, 0.5549481511116028, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.11854960024356842, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.2060471624135971, 0.0, 0.0, 0.0, 0.0, 0.042720645666122437, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.09901783615350723, 0.6622920036315918, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.048574965447187424, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1614.2415594657887, 394.1399331643679, 1855.8395656481193, 1120.9448842663546, 0.0], [1465.6116873526971, 372.01316477394664, 1719.8401917055817, 1136.7124174861965, 0.0], [1093.757776897387, 449.81112568286323, 1167.516346446609, 673.0909545277956, 0.0], [1011.6079522835024, 434.66153044546775, 1108.9555203467241, 728.6994980518517, 0.0], [795.5634645442796, 426.2499841534774, 884.0453405330105, 693.6991715306159, 0.0], [1360.399752670969, 390.53268105178034, 1638.164071203304, 1225.8193320628948, 0.0], [577.4591437668722, 449.96834319537356, 606.613218342172, 539.4473027676732, 0.0], [912.709541357001, 403.4568218751399, 1016.53371892731, 716.9331320394385, 0.0], [663.0987944471466, 448.7606748273457, 702.3190808075786, 568.4129503873329, 0.0], [716.7071157301921, 449.8677314141519, 745.0705093690931, 536.8771641946079, 0.0]], "kalman_trackers": [{"time_since_observed": 43, "confidence": 1, "age": 447}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 144}, {"time_since_observed": 18, "confidence": 0.9076582676282131, "age": 50}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [71308.86650983349], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 44, "confidence": 1, "age": 447}, {"time_since_observed": 0, "confidence": 1, "age": 312}, {"time_since_observed": 1, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 144}, {"time_since_observed": 19, "confidence": 0.8562190117183428, "age": 50}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 533, "min_hits": 3, "ios_matrix": [[0.0, 0.3674021363258362, 0.0, 0.0, 0.0, 0.0674038827419281, 0.0, 0.0, 0.0, 0.0], [0.3836521804332733, 0.0, 0.0, 0.0, 0.0, 0.553884744644165, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.11165911704301834, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.17835989594459534, 0.0, 0.0, 0.0, 0.0, 0.012782971374690533, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.08906061947345734, 0.7008485794067383, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.015981541946530342, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1619.9667277157514, 394.25780233623357, 1861.564733898082, 1121.0627534382202, 0.0], [1465.7669134904559, 382.00426579784704, 1712.6563268591262, 1124.6893963793027, 0.0], [1095.6098672882692, 450.4521536393476, 1169.4037618967607, 673.8389174917759, 0.0], [1015.4176408518824, 439.1654907115112, 1108.7717389155023, 721.2293906719128, 0.0], [806.5481063191718, 428.4264097347291, 892.6209921379767, 688.6475078983224, 0.0], [1363.7192763239173, 393.3509406834775, 1641.48359494438, 1228.6375919596087, 0.0], [578.0356798904107, 452.16218285671965, 606.1030261914531, 538.3780240525738, 0.0], [912.5072894158698, 402.44468278436636, 1016.9284214623622, 717.7122805487974, 0.0], [662.8379283362106, 448.9732184417175, 701.7845493570453, 567.8028027489995, 0.0], [715.9377834410486, 449.4203415112688, 746.8891694415681, 544.2892330344025, 0.0]], "kalman_trackers": [{"time_since_observed": 44, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 1, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 145}, {"time_since_observed": 19, "confidence": 0.8562190117183428, "age": 51}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [69908.77157713796], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 45, "confidence": 1, "age": 448}, {"time_since_observed": 0, "confidence": 1, "age": 313}, {"time_since_observed": 2, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 145}, {"time_since_observed": 20, "confidence": 0.8462925279492545, "age": 51}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 534, "min_hits": 3, "ios_matrix": [[0.0, 0.35535377264022827, 0.0, 0.0, 0.0, 0.05972021073102951, 0.0, 0.0, 0.0, 0.0], [0.39577752351760864, 0.0, 0.0, 0.0, 0.0, 0.5705355405807495, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.199535071849823, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.3364417254924774, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.07890819013118744, 0.6768512725830078, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1625.6918959657141, 394.37567150809923, 1867.2899021480448, 1121.180622610086, 0.0], [1466.3231383170316, 370.8533418913656, 1721.310957874616, 1137.8297461422062, 0.0], [1097.4707921138481, 451.11992494347373, 1171.2823429122157, 674.5601371081145, 0.0], [1026.3584980513554, 436.2513530153183, 1122.3040782093665, 726.086667155964, 0.0], [810.395996240921, 429.2912267913439, 895.5323161085264, 686.701030420149, 0.0], [1367.0387999988973, 396.1692003814289, 1644.8031186634241, 1231.4558517900684, 0.0], [578.2351886231277, 453.0105808207534, 605.8761400517074, 537.9438155012184, 0.0], [910.8079284944952, 410.55754003753134, 1010.714871358641, 712.2736846731804, 0.0], [661.2624962896797, 444.27003010546565, 704.2644313809818, 575.2950143439455, 0.0], [715.7609378996443, 449.36050779288007, 747.3273583479041, 546.0836750019524, 0.0]], "kalman_trackers": [{"time_since_observed": 45, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 2, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 146}, {"time_since_observed": 20, "confidence": 0.8462925279492545, "age": 52}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [71057.16100432613], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 46, "confidence": 1, "age": 449}, {"time_since_observed": 0, "confidence": 1, "age": 314}, {"time_since_observed": 3, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 146}, {"time_since_observed": 21, "confidence": 0.8085152094198808, "age": 52}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 535, "min_hits": 3, "ios_matrix": [[0.0, 0.33593666553497314, 0.0, 0.0, 0.0, 0.052008431404829025, 0.0, 0.0, 0.0, 0.0], [0.3830559551715851, 0.0, 0.0, 0.0, 0.0, 0.583938479423523, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.21804048120975494, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.37501010298728943, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.06871863454580307, 0.6766483783721924, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1631.4170642156769, 394.4935406799649, 1873.0150703980075, 1121.2984917819517, 0.0], [1465.9539399932933, 366.6646475537045, 1723.9626200845746, 1142.7003903725433, 0.0], [1099.3361317787023, 451.8010607225865, 1173.1565090883953, 675.2679922494665, 0.0], [1030.102223460419, 435.1572141533625, 1127.019518330674, 727.9053114488199, 0.0], [811.5349331383546, 429.6325391171862, 896.312122836959, 685.9641930571742, 0.0], [1370.3583236848933, 398.9874601125074, 1648.1226423714522, 1234.274111587401, 0.0], [578.2889683295502, 453.3321814076797, 605.7639658866387, 537.7658032522827, 0.0], [924.1560711508129, 413.6800448539803, 1022.3100099882064, 710.1313567533869, 0.0], [662.3940210449393, 447.1797811068856, 702.8421960009612, 570.5316688305536, 0.0], [715.7183394589225, 449.3462751516471, 747.4317387154011, 546.5079713915477, 0.0]], "kalman_trackers": [{"time_since_observed": 46, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 3, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 147}, {"time_since_observed": 21, "confidence": 0.8085152094198808, "age": 53}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [71391.96204460552], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 47, "confidence": 1, "age": 450}, {"time_since_observed": 0, "confidence": 1, "age": 315}, {"time_since_observed": 4, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 147}, {"time_since_observed": 22, "confidence": 0.7829172611150168, "age": 53}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 536, "min_hits": 3, "ios_matrix": [[0.0, 0.24906237423419952, 0.0, 0.0, 0.0, 0.04435265436768532, 0.0, 0.0, 0.0, 0.0], [0.24290768802165985, 0.0, 0.0, 0.0, 0.0, 0.5884394645690918, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.21264705061912537, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.36846551299095154, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.05860307067632675, 0.7972038984298706, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 2], "trackers": [[1637.1422324656396, 394.61140985183056, 1878.7402386479703, 1121.4163609538173, 0.0], [1458.2908972964483, 390.84931643024197, 1696.8785249913353, 1108.6377194069478, 0.0], [1101.2036782692567, 452.48887694124164, 1175.0284684388748, 675.9691669512761, 0.0], [1031.119765827839, 434.73445743287425, 1128.4055669028187, 728.586998366186, 0.0], [813.8233035702457, 426.18736055508566, 902.389046346418, 693.8882605165652, 0.0], [1373.6778473763973, 401.8057198601494, 1651.4421660739724, 1237.0923713681702, 0.0], [578.2886977425244, 453.45093967178383, 605.6985477771157, 537.6882888666864, 0.0], [916.1649889531285, 406.25572231047045, 1018.4572219645651, 715.1336290283389, 0.0], [660.3054074449683, 446.9974568625254, 701.6845566826764, 573.1390005239431, 0.0], [715.7123325956918, 449.34068319957726, 747.443650825014, 546.5527580983435, 0.0]], "kalman_trackers": [{"time_since_observed": 47, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 4, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 148}, {"time_since_observed": 22, "confidence": 0.7829172611150168, "age": 54}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [68986.71223620934], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 48, "confidence": 1, "age": 451}, {"time_since_observed": 0, "confidence": 1, "age": 316}, {"time_since_observed": 5, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 148}, {"time_since_observed": 23, "confidence": 0.7896096967990012, "age": 54}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_trackers": []}, +{"frame_count": 537, "min_hits": 3, "ios_matrix": [[0.0, 0.2447384148836136, 0.0, 0.0, 0.0, 0.03675287216901779, 0.0, 0.0, 0.0, 0.0], [0.20591284334659576, 0.0, 0.0, 0.0, 0.0, 0.515107274055481, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.30797091126441956, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.5351402759552002, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.048561494797468185, 0.8089416027069092, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 4, 5, 2], "trackers": [[1642.8674007156023, 394.7292790236962, 1884.465406897933, 1121.5342301256828, 0.0], [1475.5182467842264, 408.96367192156515, 1697.0959836041616, 1075.7188550693586, 0.0], [1103.0723280242491, 453.18003293039976, 1176.8993245249162, 676.6670018825827, 0.0], [1045.1540685718699, 434.5653430555162, 1142.5801288870755, 728.8382237264407, 0.0], [800.005711454662, 428.4022104737845, 886.1159955011348, 688.7357095075864, 0.0], [1376.9973710706554, 404.6239796160731, 1654.7616897737385, 1239.9106311406576, 0.0], [578.2697393092577, 453.492410192198, 605.6531902547398, 537.6501291588462, 0.0], [925.6863799497843, 411.9483983289464, 1024.796399408283, 711.2718768984952, 0.0], [659.6431710831006, 446.93384659594625, 701.3686356096129, 574.1120656211227, 0.0], [715.7161769897325, 449.3371206694599, 747.4307384438941, 546.4961338883277, 0.0]], "kalman_trackers": [{"time_since_observed": 48, "confidence": 1, "age": 452}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 5, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 0.36603334015830985, "age": 149}, {"time_since_observed": 23, "confidence": 0.7896096967990012, "age": 55}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [66329.05802082625], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 49, "confidence": 1, "age": 452}, {"time_since_observed": 0, "confidence": 1, "age": 317}, {"time_since_observed": 6, "confidence": 0.9203760315352097, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 149}, {"time_since_observed": 24, "confidence": 0.8016035193385858, "age": 55}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [0, 4, 5, 2], "ret_unmatched_trackers": []}, +{"frame_count": 538, "min_hits": 3, "ios_matrix": [[0.0, 0.3086007833480835, 0.0, 0.0, 0.0, 0.029209090396761894, 0.0, 0.0, 0.0, 0.0], [0.26572927832603455, 0.0, 0.0, 0.0, 0.0, 0.4781639575958252, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3313499093055725, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.5763759016990662, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.03859391063451767, 0.733728289604187, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 4, 5], "trackers": [[1648.592568965565, 394.8471481955619, 1890.1905751478957, 1121.6520992975486, 0.0], [1493.6058157781554, 407.8842606460352, 1717.769727868647, 1082.3934841445891, 0.0], [1104.9415293743666, 453.8728586925197, 1178.7696290158326, 677.3631670409275, 0.0], [1050.0148209296967, 434.49330671822213, 1147.4942678053017, 728.9261734360894, 0.0], [801.8998058822963, 428.45077084988515, 887.9621279559613, 688.6392685247913, 0.0], [1380.3168947662905, 407.44223937613776, 1658.0812134721275, 1242.728890909004, 0.0], [578.2454799907118, 453.5047862966945, 605.6174240736539, 537.627714182889, 0.0], [931.4368436066605, 405.62158216711026, 1034.0668173080528, 715.5132084546096, 0.0], [659.5097321150148, 446.90661148969883, 701.3641498284256, 574.4705818377565, 0.0], [716.1896364609755, 449.47425023518014, 746.2467795865874, 541.6432232412225, 0.0]], "kalman_trackers": [{"time_since_observed": 49, "confidence": 1, "age": 453}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 6, "confidence": 0.9203760315352097, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 150}, {"time_since_observed": 24, "confidence": 0.8016035193385858, "age": 56}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [66861.77543152877], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 50, "confidence": 1, "age": 453}, {"time_since_observed": 0, "confidence": 1, "age": 318}, {"time_since_observed": 7, "confidence": 0.7861570309612831, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 2, "confidence": 1, "age": 150}, {"time_since_observed": 25, "confidence": 0.7772882647295797, "age": 56}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [0, 2, 4, 5], "ret_unmatched_trackers": []}, +{"frame_count": 539, "min_hits": 3, "ios_matrix": [[0.0, 0.30510541796684265, 0.0, 0.0, 0.0, 0.021721305325627327, 0.0, 0.0, 0.0, 0.0], [0.26501065492630005, 0.0, 0.0, 0.0, 0.0, 0.4471575617790222, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.32764774560928345, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.5701634287834167, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.028700318187475204, 0.6802176833152771, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1654.3177372155278, 394.96501736742755, 1895.9157433978585, 1121.7699684694144, 0.0], [1499.9221771945195, 375.29903305869374, 1725.063224481908, 1052.7376826851832, 0.0], [1106.8110065127746, 454.56651931305146, 1180.6396577184585, 678.0584973408604, 0.0], [1051.405707970295, 434.45896834904465, 1148.9054048816345, 728.9525155874319, 0.0], [803.7819148297938, 428.46309604204487, 889.8202458909245, 688.5790627259372, 0.0], [1383.636418462614, 410.26049913827296, 1661.400737169828, 1245.54715067528, 0.0], [577.5491883022078, 450.9112596069952, 606.2373714622458, 538.9895447963297, 0.0], [933.3497415409696, 403.2688388907201, 1037.2833871096755, 717.0727334765737, 0.0], [656.4738612852586, 448.17833396926113, 696.4863854167068, 570.2146032570336, 0.0], [715.8998165174266, 449.38627852896116, 746.9692478941156, 544.6028018900602, 0.0]], "kalman_trackers": [{"time_since_observed": 50, "confidence": 1, "age": 454}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 7, "confidence": 0.7861570309612831, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 25, "confidence": 0.7772882647295797, "age": 57}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [67070.26795001446], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 51, "confidence": 1, "age": 454}, {"time_since_observed": 0, "confidence": 1, "age": 319}, {"time_since_observed": 8, "confidence": 0.6888344572451309, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 26, "confidence": 0.7583740491936353, "age": 57}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 54, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "average_area": [20176.22774786844], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 540, "min_hits": 3, "ios_matrix": [[0.0, 0.33882176876068115, 0.0, 0.0, 0.0, 0.014289519749581814, 0.0, 0.0, 0.0, 0.0], [0.3228578567504883, 0.0, 0.0, 0.0, 0.0, 0.4313981533050537, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.32639753818511963, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.5215579271316528, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.01888071373105049, 0.5981898307800293, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1660.0429054654905, 395.0828865392932, 1901.6409116478212, 1121.88783764128, 0.0], [1509.660203539701, 349.06542667767775, 1745.4885824886624, 1058.5699802216282, 0.0], [1108.6806215430095, 455.2605973557724, 1182.5095485292575, 678.7534102186041, 0.0], [1053.7716144686283, 439.04393842321997, 1147.186682470753, 721.2906181408957, 0.0], [839.5003379287305, 429.39590113651775, 924.4806474000636, 686.3392604330779, 0.0], [1386.955942159282, 413.0787589014433, 1664.7202608671844, 1248.3654104405207, 0.0], [577.9379427673335, 452.50952936774615, 605.8120762338257, 538.1426957650237, 0.0], [933.8070876459103, 402.38810550568223, 1038.2283179509266, 717.6548747204358, 0.0], [658.5416281696046, 447.37121254378195, 699.7506236326215, 572.9991457296127, 0.0], [716.2498941156568, 449.4992486269173, 746.1005197069046, 541.0474042779642, 0.0]], "kalman_trackers": [{"time_since_observed": 51, "confidence": 1, "age": 455}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 8, "confidence": 0.6888344572451309, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 26, "confidence": 0.7583740491936353, "age": 58}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [68284.74818826473], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 52, "confidence": 1, "age": 455}, {"time_since_observed": 0, "confidence": 1, "age": 320}, {"time_since_observed": 9, "confidence": 0.6040966321391843, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 27, "confidence": 0.7298817662415266, "age": 58}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 541, "min_hits": 3, "ios_matrix": [[0.0, 0.3514183759689331, 0.0, 0.0, 0.0, 0.0069137332029640675, 0.0, 0.0, 0.0, 0.0], [0.34616419672966003, 0.0, 0.0, 0.0, 0.0, 0.45475050806999207, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.41334962844848633, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.6969529390335083, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.009135101921856403, 0.6099810004234314, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1665.7680737154533, 395.2007557111589, 1907.366079897784, 1122.0057068131455, 0.0], [1512.786638040847, 374.1215664054336, 1752.5681030351923, 1095.4835959131021, 0.0], [1110.5503055185786, 455.9548841078338, 1184.3793703947222, 679.4481143870075, 0.0], [1066.03776993513, 436.1702834221028, 1162.005687235249, 726.0725104955563, 0.0], [845.2429011608176, 429.5783920606226, 930.032395327798, 685.9494150747813, 0.0], [1390.2754658561219, 415.8970186651312, 1668.0397845643686, 1251.1836702052437, 0.0], [578.076817993894, 453.12685413258345, 605.6330406008966, 537.8038283278042, 0.0], [931.2963694898784, 410.3557437734843, 1031.2872394467506, 712.3249340874476, 0.0], [653.3030546670659, 447.07464545991746, 694.95724552102, 574.0375893106477, 0.0], [716.3843591814363, 449.5658142393073, 745.779386064525, 539.7418676554828, 0.0]], "kalman_trackers": [{"time_since_observed": 52, "confidence": 1, "age": 456}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 9, "confidence": 0.6040966321391843, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 27, "confidence": 0.7298817662415266, "age": 59}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [68710.26832976626], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 53, "confidence": 1, "age": 456}, {"time_since_observed": 0, "confidence": 1, "age": 321}, {"time_since_observed": 10, "confidence": 0.5427233849202824, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 28, "confidence": 0.7115154466993893, "age": 59}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 542, "min_hits": 3, "ios_matrix": [[0.0, 0.3227444291114807, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3218730390071869, 0.0, 0.0, 0.0, 0.0, 0.4468456208705902, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4462088346481323, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7038006782531738, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.09078530222177505, 0.0, 0.0], [0.0, 0.5920146703720093, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.13382983207702637, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1671.493241965416, 395.31862488302454, 1913.0912481477467, 1122.1235759850113, 0.0], [1513.3817478770031, 349.1452602782325, 1754.6520053744964, 1074.9725006254034, 0.0], [1112.42002396667, 456.6492752141268, 1186.2491577876647, 680.1427142011793, 0.0], [1071.5729019189696, 439.7369034906458, 1164.381018543116, 720.1627911188964, 0.0], [859.2003273852935, 429.6479023736846, 943.9226291861606, 685.8173647164004, 0.0], [1393.5949895530478, 418.71527842907796, 1671.3593082614668, 1254.0019299697083, 0.0], [578.1190016597054, 453.36154103884525, 605.551813420693, 537.6670762807727, 0.0], [932.584257146293, 405.05218262461557, 1035.520293674599, 715.8622451623371, 0.0], [651.4497292477437, 446.9594572987128, 693.2708381177837, 574.4226624770463, 0.0], [715.9829366731921, 449.44125014225034, 746.7784858986805, 543.8333815931583, 0.0]], "kalman_trackers": [{"time_since_observed": 53, "confidence": 1, "age": 457}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 10, "confidence": 0.5427233849202824, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 28, "confidence": 0.7115154466993893, "age": 60}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [68950.11758783819], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 54, "confidence": 1, "age": 457}, {"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 11, "confidence": 0.49384505830394704, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 29, "confidence": 0.6961939396835535, "age": 60}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 543, "min_hits": 3, "ios_matrix": [[0.0, 0.3725568652153015, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.34293660521507263, 0.0, 0.0, 0.0, 0.0, 0.37277939915657043, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4303041398525238, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7221537232398987, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.035707466304302216, 0.0, 0.0], [0.0, 0.5350955724716187, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.04914041608572006, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 5, 0], "trackers": [[1677.2184102153788, 395.4364940548902, 1918.8164163977094, 1122.241445156877, 0.0], [1537.2879939637035, 353.68994734199396, 1769.068189440787, 1051.048603133004, 0.0], [1114.2897596509863, 457.34371849742604, 1188.1189279443822, 680.8372618383447, 0.0], [1071.8627880184574, 436.4301644163587, 1167.605767380688, 725.6580400094, 0.0], [863.96393611331, 429.67997400526843, 948.6611392212988, 685.7741512688699, 0.0], [1396.9145132500169, 421.53353819315413, 1674.6788319585219, 1256.8201897340432, 0.0], [582.1547106523107, 453.4491093355761, 609.5391742313046, 537.6090324890989, 0.0], [944.4990832632618, 411.36985895296425, 1043.9172704389428, 711.6196656589759, 0.0], [651.5354703606522, 443.72934771057385, 695.4684024025423, 577.5363007848935, 0.0], [715.8409159744413, 449.4173162548531, 747.1421085039026, 545.3281486700477, 0.0]], "kalman_trackers": [{"time_since_observed": 54, "confidence": 1, "age": 458}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 11, "confidence": 0.49384505830394704, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 29, "confidence": 0.6961939396835535, "age": 61}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "average_area": [67615.93428524895], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 55, "confidence": 1, "age": 458}, {"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 12, "confidence": 0.4636577300399316, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 30, "confidence": 0.6977045001197267, "age": 61}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_occluded_trackers": [2, 5, 0], "ret_unmatched_trackers": []}, +{"frame_count": 544, "min_hits": 3, "ios_matrix": [[0.0, 0.37539297342300415, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.33452585339546204, 0.0, 0.0, 0.0, 0.0, 0.35208919644355774, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4121081233024597, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7075053453445435, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.010714679025113583, 0.0, 0.0, 0.0], [0.0, 0.5220473408699036, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.014347161166369915, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1682.9435784653415, 395.55436322675587, 1924.5415846476722, 1122.3593143287426, 0.0], [1545.7534316738768, 355.9008126043169, 1773.8022534125269, 1042.063273512414, 0.0], [1116.1595039534059, 458.038187869201, 1189.9886894829965, 681.5317833870345, 0.0], [1071.5532985625478, 435.19695936718176, 1168.3940490563664, 727.7156176881699, 0.0], [865.2921189786151, 429.6975676758629, 949.9801333465449, 685.7641917994765, 0.0], [1400.2340369470076, 424.35179795729493, 1677.9983556555553, 1259.6384494983135, 0.0], [583.265308116143, 450.89425014561004, 611.9465090240786, 538.9505070957648, 0.0], [948.7651007209395, 413.80497324894355, 1046.816855072378, 709.9513116909025, 0.0], [651.0119015088063, 445.66118611302534, 693.709310771647, 575.7574505364381, 0.0], [715.7889540255578, 449.40643251230347, 747.2737488732314, 545.8678801429407, 0.0], [545.2825301398818, 461.43661228966334, 568.6534698601183, 533.3903877103367, 0.0]], "kalman_trackers": [{"time_since_observed": 55, "confidence": 1, "age": 459}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 12, "confidence": 0.4636577300399316, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 30, "confidence": 0.6977045001197267, "age": 62}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [61130.59480707591], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 56, "confidence": 1, "age": 459}, {"time_since_observed": 0, "confidence": 1, "age": 324}, {"time_since_observed": 13, "confidence": 0.47547388458001716, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 31, "confidence": 0.7590726981271889, "age": 62}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 545, "min_hits": 3, "ios_matrix": [[0.0, 0.43903425335884094, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4220653772354126, 0.0, 0.0, 0.0, 0.0, 0.3509148061275482, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.3932468295097351, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.6809137463569641, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.48230430483818054, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1688.6687467153042, 395.67223239862153, 1930.266752897635, 1122.4771835006081, 0.0], [1558.5117576227813, 377.49557436405416, 1795.3870743738162, 1090.139774511543, 0.0], [1118.0292525648747, 458.7326702852069, 1191.8584467125615, 682.2262918914932, 0.0], [1071.0438554441062, 434.72482056386264, 1168.300567422065, 728.4901768737694, 0.0], [865.3492267535114, 429.709103530295, 950.0341299306172, 685.7664084658151, 0.0], [1403.5535606440087, 427.1700577214681, 1681.3178793525783, 1262.4567092625514, 0.0], [584.0075080015016, 452.4991090867403, 611.8733391351044, 538.1065498360607, 0.0], [957.167822293419, 420.52186008794473, 1050.4359600028404, 702.3192657396414, 0.0], [650.9290628800389, 446.40820422928766, 693.1453134537759, 575.0581924777388, 0.0], [715.7697892405753, 449.39701555985675, 747.3192235393391, 546.0519230586158, 0.0], [549.9586638266933, 467.1319145687189, 571.615182327153, 533.8923931235889, 0.0]], "kalman_trackers": [{"time_since_observed": 56, "confidence": 1, "age": 460}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 13, "confidence": 0.47547388458001716, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 31, "confidence": 0.7590726981271889, "age": 63}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [61978.6399239551], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 57, "confidence": 1, "age": 460}, {"time_since_observed": 0, "confidence": 1, "age": 325}, {"time_since_observed": 14, "confidence": 0.43737204349003234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 32, "confidence": 0.7369881867017732, "age": 63}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 546, "min_hits": 3, "ios_matrix": [[0.0, 0.4451427161693573, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4398617744445801, 0.0, 0.0, 0.0, 0.0, 0.35661807656288147, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.37433764338493347, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.6502754092216492, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.47685593366622925, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 2], "trackers": [[1694.393914965267, 395.7901015704872, 1935.9919211475976, 1122.595052672474, 0.0], [1562.6472648703077, 385.7497749790936, 1802.8049140062851, 1108.2395990220489, 0.0], [1119.899003330868, 459.4271592233266, 1193.728201787602, 682.9207938738383, 0.0], [1070.4933166063363, 434.53936882635185, 1167.908317080515, 728.7791033928297, 0.0], [864.9618169156173, 429.7178174943663, 949.6459276640131, 685.7727599982431, 0.0], [1406.8730843410153, 429.98831748565755, 1684.6374030495958, 1265.274969026773, 0.0], [584.2450907619418, 453.119922942156, 611.7926659971865, 537.7702417835939, 0.0], [956.3734687503256, 408.72532248582, 1056.8610031589146, 712.1959913306855, 0.0], [651.0010859062392, 446.6918113228842, 693.0315156167325, 574.7830531981574, 0.0], [715.7627793620121, 449.38799011249694, 747.332711341585, 546.103944278453, 0.0], [552.3688851829462, 461.26302488628437, 577.0580123547821, 537.3115132959464, 0.0]], "kalman_trackers": [{"time_since_observed": 57, "confidence": 1, "age": 461}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 14, "confidence": 0.43737204349003234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 32, "confidence": 0.7369881867017732, "age": 64}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [62827.996769475685], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 58, "confidence": 1, "age": 461}, {"time_since_observed": 0, "confidence": 1, "age": 326}, {"time_since_observed": 15, "confidence": 0.40444625648556065, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 33, "confidence": 0.7161843366387948, "age": 64}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_trackers": []}, +{"frame_count": 547, "min_hits": 3, "ios_matrix": [[0.0, 0.42982572317123413, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4291101396083832, 0.0, 0.0, 0.0, 0.0, 0.36590343713760376, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.424818754196167, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8084506988525391, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4842737019062042, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 2], "trackers": [[1700.1190832152297, 395.90797074235286, 1941.7170893975604, 1122.7129218443397, 0.0], [1563.510308468607, 388.7778409562945, 1804.9059967730032, 1114.9809158056692, 0.0], [1121.768755174123, 460.1216514225028, 1195.597955785381, 683.6152925951268, 0.0], [1079.4810027546937, 427.34271157843773, 1181.4560253182854, 735.2708600899255, 0.0], [864.443115551763, 429.7249916763036, 949.1273150033933, 685.7802152190649, 0.0], [1410.192608038025, 432.806577249855, 1687.9569267466104, 1268.0932287909866, 0.0], [583.9175219320431, 450.7789178081022, 612.6526121860903, 538.9962935104453, 0.0], [955.8461626578423, 404.43715377618446, 1058.9519287369794, 715.7603202548371, 0.0], [651.1222026408968, 446.79727013385514, 693.0806303660017, 574.6719495326821, 0.0], [712.6222333500184, 447.59057644975525, 745.7974655819285, 549.1363309125724, 0.0], [551.9611453546037, 459.1304843357444, 579.2597311663345, 543.099992996312, 0.0]], "kalman_trackers": [{"time_since_observed": 58, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 15, "confidence": 0.40444625648556065, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 33, "confidence": 0.7161843366387948, "age": 65}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "average_area": [63468.685035893104], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 59, "confidence": 1, "age": 462}, {"time_since_observed": 0, "confidence": 1, "age": 327}, {"time_since_observed": 16, "confidence": 0.37696570280614816, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 34, "confidence": 0.6988547738811849, "age": 65}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_trackers": []}, +{"frame_count": 548, "min_hits": 3, "ios_matrix": [[0.0, 0.4066373109817505, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4075309932231903, 0.0, 0.0, 0.0, 0.0, 0.37641167640686035, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.47025978565216064, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8477003574371338, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.496261328458786, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1705.8442514651924, 396.0258399142185, 1947.442257647523, 1122.8307910162052, 0.0], [1563.1811033718652, 389.79646754576623, 1805.0440424022065, 1117.400886135296, 0.0], [1123.638507556009, 460.8161452522071, 1197.4677092445288, 684.3097896858873, 0.0], [1086.9839162689218, 431.67877597871654, 1186.2235468545177, 731.3966989684974, 0.0], [868.6962108014825, 426.15402037029264, 957.3021742258695, 693.9783830160828, 0.0], [1413.5121317350356, 435.6248370140565, 1691.2764504436238, 1270.9114885551962, 0.0], [584.1195262221572, 452.45616809636175, 612.0036349650486, 538.1181526742221, 0.0], [965.9600050426147, 411.06446259379686, 1065.4757307132352, 711.6090688707536, 0.0], [651.2531378054334, 446.8348677932142, 693.183187422864, 574.6241559756064, 0.0], [714.5854673202667, 448.67217402046873, 746.7753646026221, 547.2540660281626, 0.0], [551.5107183384313, 458.7365958386365, 579.3360958244392, 544.2813154836595, 0.0]], "kalman_trackers": [{"time_since_observed": 59, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 16, "confidence": 0.37696570280614816, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 34, "confidence": 0.6988547738811849, "age": 66}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [63342.95235026776], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 60, "confidence": 1, "age": 463}, {"time_since_observed": 0, "confidence": 1, "age": 328}, {"time_since_observed": 17, "confidence": 0.3570278116872306, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 35, "confidence": 0.6907002080166875, "age": 66}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 549, "min_hits": 3, "ios_matrix": [[0.0, 0.38071519136428833, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3821011483669281, 0.0, 0.0, 0.0, 0.0, 0.38713502883911133, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.476825475692749, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.841242253780365, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.509665310382843, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 2], "trackers": [[1711.5694197151552, 396.1437090860842, 1953.1674258974858, 1122.9486601880708, 0.0], [1562.4565270125202, 390.0546739567702, 1804.4937579186765, 1118.1817729589961, 0.0], [1125.5082602072105, 461.51063989717545, 1199.3374624343612, 685.0042859613836, 0.0], [1089.4417204705373, 433.3608995777877, 1187.6165056127543, 729.8816138076529, 0.0], [877.3556795781051, 428.3136877538292, 963.5588073910039, 688.9285802627213, 0.0], [1416.831655432047, 438.44309677826, 1694.5959741406366, 1273.7297483194038, 0.0], [584.1633708692328, 453.1056164689598, 611.7151734848404, 537.7683185915373, 0.0], [973.9361440095024, 405.3158659261127, 1076.6769298991087, 715.5404537993403, 0.0], [648.6867635296852, 448.07119368896514, 688.7605566489195, 570.292431894451, 0.0], [715.3364483057921, 449.0906959558129, 747.1416873568005, 546.5142602715875, 0.0], [551.3012077226997, 459.4746104907705, 577.5907508859432, 540.3695819932742, 0.0]], "kalman_trackers": [{"time_since_observed": 60, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 17, "confidence": 0.3570278116872306, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 35, "confidence": 0.6907002080166875, "age": 67}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "average_area": [63295.16578836869], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 61, "confidence": 1, "age": 464}, {"time_since_observed": 0, "confidence": 1, "age": 329}, {"time_since_observed": 18, "confidence": 0.33889578456917135, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 36, "confidence": 0.6822032080318665, "age": 67}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": [2]}, +{"frame_count": 55, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "average_area": [19744.05829019198], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 550, "min_hits": 3, "ios_matrix": [[0.0, 0.3540000021457672, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3554723262786865, 0.0, 0.0, 0.0, 0.0, 0.3977029621601105, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.4779382050037384, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.768104612827301, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5233076214790344, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[1717.294587965118, 396.26157825794985, 1958.8925941474486, 1123.0665293599366, 0.0], [1561.6372957429785, 390.0333783264383, 1803.7371577692415, 1118.3482626812984, 0.0], [1127.378012858412, 462.2051345421438, 1201.2072156241936, 685.69878223688, 0.0], [1090.4019271663226, 438.58973352950625, 1184.086563662928, 721.6465513320393, 0.0], [880.2628035124696, 429.1686629675371, 965.530892949316, 686.9768865986271, 0.0], [1420.1511791290586, 441.2613565424645, 1697.9154978376491, 1276.5480080836105, 0.0], [584.1477217843891, 453.35353811498885, 611.570841670674, 537.6290262712306, 0.0], [976.6104228082586, 403.171021139143, 1080.5528514697048, 717.0008020522371, 0.0], [647.8254186342717, 448.58747862262896, 687.1712119934894, 568.6218816219099, 0.0], [715.6215458863569, 449.24828910788074, 747.2769612880827, 546.2204125655282, 0.0], [550.9304964510702, 459.00790371583753, 578.2101658187269, 542.8865161656403, 0.0]], "kalman_trackers": [{"time_since_observed": 61, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 36, "confidence": 0.6822032080318665, "age": 68}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "average_area": [63085.97129752889], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 62, "confidence": 1, "age": 465}, {"time_since_observed": 0, "confidence": 1, "age": 330}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 235}, {"time_since_observed": 1, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 37, "confidence": 0.6759061401853548, "age": 68}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_trackers": []}, +{"frame_count": 551, "min_hits": 3, "ios_matrix": [[0.0, 0.3272116184234619, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.328626811504364, 0.0, 0.0, 0.0, 0.0, 0.40799614787101746, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6560860872268677, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8071036338806152, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5367630124092102, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 3], "trackers": [[1723.0197562150806, 396.3794474298155, 1964.6177623974113, 1123.1843985318023, 0.0], [1560.8335496877287, 389.91656257329737, 1802.9534586452621, 1118.291514119873, 0.0], [1117.4144777116285, 430.33243681434874, 1201.8341625656076, 685.6022784149461, 0.0], [1094.139661147466, 438.528887489225, 1187.8102466924229, 721.5432520378466, 0.0], [880.997001644524, 429.5033496851461, 965.9056318055099, 686.2324315013502, 0.0], [1423.4707028260707, 444.0796163066696, 1701.2350215346612, 1279.3662678478165, 0.0], [584.1121604626853, 453.44687194293317, 611.485219848531, 537.5716468633218, 0.0], [977.27586523309, 402.3666806593864, 1081.6708585867707, 717.5539932034123, 0.0], [647.5990193914947, 448.8003619833217, 686.6657840007697, 567.9962243557486, 0.0], [712.6209965774341, 447.5579335230188, 745.7884940710009, 549.0777302122251, 0.0], [546.8970476569709, 431.31016859771455, 583.9091360783939, 544.5749250374259, 0.0]], "kalman_trackers": [{"time_since_observed": 62, "confidence": 1, "age": 466}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 236}, {"time_since_observed": 1, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 37, "confidence": 0.6759061401853548, "age": 69}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "average_area": [63749.32877637111], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 63, "confidence": 1, "age": 466}, {"time_since_observed": 0, "confidence": 1, "age": 331}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 236}, {"time_since_observed": 2, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 38, "confidence": 0.6608484487109775, "age": 69}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_trackers": []}, +{"frame_count": 552, "min_hits": 3, "ios_matrix": [[0.0, 0.30060404539108276, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.30191364884376526, 0.0, 0.0, 0.0, 0.0, 0.4179878532886505, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.6901060938835144, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8427150249481201, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5498908162117004, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.032201167196035385], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.061686139553785324, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[1728.7449244650434, 396.4973166016812, 1970.342930647374, 1123.302267703668, 0.0], [1560.0826576409981, 389.7738792160252, 1802.2063898766141, 1118.160240563257, 0.0], [1117.6151003205828, 429.7179086351624, 1202.3419469527344, 685.9069897649887, 0.0], [1097.8738827859204, 438.4574293295841, 1191.537442064607, 721.4505648630136, 0.0], [880.9333401484528, 429.6358700974944, 965.7046441775569, 685.9526640622506, 0.0], [1426.7902265230825, 446.8978760708749, 1704.5545452316735, 1282.1845276120223, 0.0], [583.697996458145, 450.90440900019655, 612.3612038799712, 538.9053828983949, 0.0], [977.2032018648804, 402.06863796789025, 1081.7682711916657, 717.7660428001759, 0.0], [647.6052858897862, 448.89247413615334, 686.5670849839504, 567.7729198870921, 0.0], [714.6033388094982, 448.63979760846377, 746.7818484110026, 547.1859679460832, 0.0], [545.6938063742459, 422.8109330484835, 585.4661190786803, 544.3028598317319, 0.0]], "kalman_trackers": [{"time_since_observed": 63, "confidence": 1, "age": 467}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 237}, {"time_since_observed": 2, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 38, "confidence": 0.6608484487109775, "age": 70}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "average_area": [63825.0742078431], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 64, "confidence": 1, "age": 467}, {"time_since_observed": 0, "confidence": 1, "age": 332}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 237}, {"time_since_observed": 3, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 39, "confidence": 0.6524603153867098, "age": 70}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_trackers": []}, +{"frame_count": 553, "min_hits": 3, "ios_matrix": [[0.0, 0.2742546796798706, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2754441797733307, 0.0, 0.0, 0.0, 0.0, 0.42768344283103943, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7255032062530518, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8837528824806213, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5626569390296936, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1734.470092715006, 396.61518577354684, 1976.0680988973368, 1123.4201368755334, 0.0], [1559.3944929719487, 389.6310803981431, 1801.5158902106818, 1118.0103822354395, 0.0], [1117.6152164338182, 429.5170902375692, 1202.444155898219, 686.0118079192882, 0.0], [1101.6063479566387, 438.3806642147532, 1195.266393904527, 721.3631846433706, 0.0], [880.5965855186091, 429.69040445340136, 965.3157464102385, 685.8506556627852, 0.0], [1430.1097502200946, 449.7161358350803, 1707.8740689286856, 1285.0027873762278, 0.0], [583.5202375411529, 449.9635942019637, 612.6600336344716, 539.3933531717635, 0.0], [986.4162944649838, 410.10527086965664, 1086.531002945942, 712.4471173906563, 0.0], [647.6917983173871, 448.93701220154514, 686.6153516500992, 567.7026099246431, 0.0], [715.3610324938974, 449.06153494599835, 747.153557744327, 546.4458355523781, 0.0], [548.3500038573468, 445.16442058967533, 579.8579905799547, 541.8790289264864, 0.0]], "kalman_trackers": [{"time_since_observed": 64, "confidence": 1, "age": 468}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 0, "confidence": 0.33889578456917135, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 39, "confidence": 0.6524603153867098, "age": 71}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "average_area": [63415.33332716026], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 65, "confidence": 1, "age": 468}, {"time_since_observed": 0, "confidence": 1, "age": 333}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 40, "confidence": 0.6494056682288221, "age": 71}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 554, "min_hits": 3, "ios_matrix": [[0.0, 0.24817512929439545, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2492419332265854, 0.0, 0.0, 0.0, 0.0, 0.4370986521244049, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7512555718421936, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9777277112007141, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.575065553188324, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.006192373111844063], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.010155784897506237, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5], "trackers": [[1740.1952609649688, 396.7330549454125, 1981.7932671472995, 1123.5380060473992, 0.0], [1558.7687926545589, 389.49712716504985, 1800.8855405837542, 1117.8624289776267, 0.0], [1118.9623362853913, 429.39091873859877, 1203.8375272433263, 686.025485672841, 0.0], [1107.8986881029937, 435.1067520400514, 1204.7744612348088, 727.7314366151263, 0.0], [892.3942360558774, 429.71473528749743, 977.0938364918782, 685.8162699043069, 0.0], [1433.4292739171067, 452.53439559928574, 1711.1935926256976, 1287.8210471404336, 0.0], [583.4288187795462, 449.61432264026837, 612.7471445755625, 539.5787652304422, 0.0], [989.6075107926517, 413.2352404488646, 1087.9757327893726, 710.3330903484988, 0.0], [647.8010194400059, 448.9623960982484, 686.7117397275186, 567.6895424755679, 0.0], [715.6474185097014, 449.2225259678333, 747.290132737336, 546.1556195252656, 0.0], [546.1169895807005, 428.6061550207788, 583.7265693902872, 543.6247216701629, 0.0]], "kalman_trackers": [{"time_since_observed": 65, "confidence": 1, "age": 469}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 40, "confidence": 0.6494056682288221, "age": 72}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "average_area": [63604.920003623905], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 66, "confidence": 1, "age": 469}, {"time_since_observed": 0, "confidence": 1, "age": 334}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 1, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 41, "confidence": 0.6405749127602824, "age": 72}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_trackers": []}, +{"frame_count": 555, "min_hits": 3, "ios_matrix": [[0.0, 0.2691197395324707, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2954522669315338, 0.0, 0.0, 0.0, 0.0, 0.44094032049179077, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7858278751373291, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9226083159446716, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5306874513626099, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.02953558787703514], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.05325790494680405, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 2], "trackers": [[1745.9204292149316, 396.85092411727817, 1987.5184353972622, 1123.655875219265, 0.0], [1564.143498399166, 374.21543930949156, 1817.3011101163831, 1135.7016083771632, 0.0], [1123.2654347384243, 425.39307380715405, 1212.6578823127063, 695.579854133443, 0.0], [1111.9306974050464, 435.12353398900365, 1208.8208283539466, 727.7915880419155, 0.0], [896.5087938178997, 429.7271668450788, 981.2012822448535, 685.8073604272622, 0.0], [1436.7487976141188, 455.35265536349135, 1714.5131163227097, 1290.6393069046392, 0.0], [583.3718015578355, 449.48790586099943, 612.7565994130754, 539.6512596832174, 0.0], [990.5039718308429, 414.4253693953044, 1088.2013317995597, 709.5085409949613, 0.0], [650.5847444351601, 447.69601964961595, 691.373615741836, 572.0637074466736, 0.0], [715.7533883520421, 449.28308452837723, 747.3373306659416, 546.0390675626651, 0.0], [545.3849933468589, 423.14542684987765, 584.9367743597463, 543.9338129855955, 0.0]], "kalman_trackers": [{"time_since_observed": 66, "confidence": 1, "age": 470}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 41, "confidence": 0.6405749127602824, "age": 73}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "average_area": [65360.47952233628], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 67, "confidence": 1, "age": 470}, {"time_since_observed": 0, "confidence": 1, "age": 335}, {"time_since_observed": 1, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 42, "confidence": 0.6169789357958382, "age": 73}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_occluded_trackers": [0, 5, 2], "ret_unmatched_trackers": []}, +{"frame_count": 556, "min_hits": 3, "ios_matrix": [[0.0, 0.26084670424461365, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2956789433956146, 0.0, 0.0, 0.0, 0.0, 0.4481464922428131, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7450462579727173, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8822873830795288, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5223789811134338, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.027931366115808487], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.056582484394311905, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5], "trackers": [[1751.6455974648943, 396.96879328914383, 1993.243603647225, 1123.7737443911305, 0.0], [1565.8355187384425, 368.488673965049, 1823.0810442223153, 1142.2347666169367, 0.0], [1125.0550484441833, 425.5120215391138, 1214.4909262115493, 695.8300687045675, 0.0], [1109.3447611222402, 434.5793006426338, 1206.70187582935, 728.6460846869268, 0.0], [897.7147857200638, 429.7347170445984, 982.4049137540243, 685.8078359501619, 0.0], [1440.0683213111308, 458.17091512769684, 1717.8326400197218, 1293.4575666688447, 0.0], [583.6858439010438, 451.96518049282236, 611.8203940230843, 538.3787213472057, 0.0], [990.5492136272619, 414.86553136256384, 1087.9928510633022, 709.1867463090157, 0.0], [651.6824239111019, 447.2405508224905, 693.1655634024231, 573.6900964745436, 0.0], [715.790620356648, 449.305401318294, 747.3507242773168, 545.9894745417437, 0.0], [545.1086125801272, 421.4429731406338, 585.2777666758064, 544.0510044371509, 0.0]], "kalman_trackers": [{"time_since_observed": 67, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 42, "confidence": 0.6169789357958382, "age": 74}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "average_area": [65952.32235731202], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 68, "confidence": 1, "age": 471}, {"time_since_observed": 0, "confidence": 1, "age": 336}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 43, "confidence": 0.6054038360511105, "age": 74}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_occluded_trackers": [0, 5], "ret_unmatched_trackers": []}, +{"frame_count": 557, "min_hits": 3, "ios_matrix": [[0.0, 0.24359850585460663, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.279437392950058, 0.0, 0.0, 0.0, 0.0, 0.45687174797058105, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5457689762115479, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9320610761642456, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5262416005134583, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.026029249653220177], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0550149567425251, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 3], "trackers": [[1757.370765714857, 397.0866624610095, 1998.9687718971877, 1123.891613562996, 0.0], [1566.0972571568107, 366.2559970379804, 1824.8822828488353, 1144.6186580123506, 0.0], [1134.8211973017128, 442.4998061790827, 1212.854818922348, 678.6225278213151, 0.0], [1105.4708995380033, 427.1469116154071, 1207.5533008492125, 735.3977188958463, 0.0], [897.8404022801586, 429.7400937620025, 982.5299807377693, 685.8115747457314, 0.0], [1443.387845008143, 460.9891748919024, 1721.1521637167339, 1296.2758264330503, 0.0], [583.7974071876444, 452.93177673056726, 611.4397740277294, 537.8660786764084, 0.0], [990.296298194779, 415.01899972283525, 1087.646241531972, 709.0588908019919, 0.0], [646.0122749349022, 447.0638063526726, 687.7568053002175, 574.2966770985275, 0.0], [717.6776939366516, 447.5997756066845, 750.7748314661874, 548.9057820579171, 0.0], [544.9935493351037, 421.0730561134839, 585.318150854465, 544.1303583493516, 0.0]], "kalman_trackers": [{"time_since_observed": 68, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 43, "confidence": 0.6054038360511105, "age": 75}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "average_area": [65928.55811791738], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 69, "confidence": 1, "age": 472}, {"time_since_observed": 0, "confidence": 1, "age": 337}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 44, "confidence": 0.5998559988689616, "age": 75}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_trackers": []}, +{"frame_count": 558, "min_hits": 3, "ios_matrix": [[0.0, 0.22310364246368408, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2570752799510956, 0.0, 0.0, 0.0, 0.0, 0.4660525918006897, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.5937966108322144, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9115839600563049, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.5344191789627075, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 5], "trackers": [[1763.0959339648198, 397.20453163287516, 2004.6939401471504, 1124.0094827348619, 0.0], [1565.839127753609, 365.3429001862389, 1825.2048120994352, 1145.446698262878, 0.0], [1135.6386927546025, 446.7515390495247, 1217.988211561367, 695.8156753579727, 0.0], [1108.592334960476, 427.11419468329325, 1210.7071923168764, 735.4630071242979, 0.0], [910.5022308607258, 431.0914778013316, 988.3917128687212, 666.7714025959074, 0.0], [1446.707368705155, 463.80743465610794, 1724.471687413746, 1299.0940861972558, 0.0], [583.4576242459614, 450.73786387659, 612.2112782070765, 539.0093354140049, 0.0], [989.954855113767, 415.0639281678958, 1087.2721623617479, 709.005882315429, 0.0], [647.3382845794941, 448.18906301686036, 687.3538561913925, 570.2360258593525, 0.0], [717.8931073930917, 443.345739522386, 753.2186154860478, 551.3438715039825, 0.0], [544.1853548714832, 431.35619375789355, 581.1047490564304, 544.1947988540923, 0.0]], "kalman_trackers": [{"time_since_observed": 69, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 44, "confidence": 0.5998559988689616, "age": 76}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "average_area": [65845.67926068921], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 70, "confidence": 1, "age": 473}, {"time_since_observed": 0, "confidence": 1, "age": 338}, {"time_since_observed": 1, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 45, "confidence": 0.5950943040876985, "age": 76}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_occluded_trackers": [0, 2, 5], "ret_unmatched_trackers": []}, +{"frame_count": 559, "min_hits": 3, "ios_matrix": [[0.0, 0.288230836391449, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.305696576833725, 0.0, 0.0, 0.0, 0.0, 0.38187310099601746, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7338656187057495, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9555286765098572, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4757400155067444, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [5, 0, 2], "trackers": [[1768.8211022147825, 397.3224008047408, 2010.4191083971132, 1124.1273519067277, 0.0], [1593.8571628625598, 379.6672209255751, 1842.67678846992, 1128.1412791177672, 0.0], [1137.7261357431876, 447.8224478575064, 1220.0629570649266, 696.8481809283026, 0.0], [1122.4006152433305, 422.3655247946209, 1216.4013297566682, 706.3760030609338, 0.0], [908.4862920491859, 426.5091590345811, 994.6785823146475, 687.1094254050698, 0.0], [1450.026892402167, 466.6256944203135, 1727.791211110758, 1301.9123459614614, 0.0], [583.6785891708776, 452.4564259444563, 611.5615451856816, 538.1137954372128, 0.0], [995.0466667807193, 406.7782793802976, 1096.964054381757, 714.5313112978708, 0.0], [644.4827274291578, 447.4127033851606, 685.675755774202, 572.9925094589674, 0.0], [717.9606597419662, 441.79357035752656, 754.0936483038994, 552.2101833391804, 0.0], [544.6301340649084, 425.16429393166277, 583.6358142600916, 544.2570608700155, 0.0]], "kalman_trackers": [{"time_since_observed": 70, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 1, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 45, "confidence": 0.5950943040876985, "age": 77}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "average_area": [64642.46849869215], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 71, "confidence": 1, "age": 474}, {"time_since_observed": 0, "confidence": 1, "age": 339}, {"time_since_observed": 2, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 46, "confidence": 0.6007958971048272, "age": 77}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_occluded_trackers": [5, 0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 56, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433, 0.0], [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 0.0], [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "average_area": [19578.10849650839], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 560, "min_hits": 3, "ios_matrix": [[0.0, 0.29821282625198364, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3058323264122009, 0.0, 0.0, 0.0, 0.0, 0.35694050788879395, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.7331457138061523, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4598747491836548, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.02090538665652275], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0394241027534008, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 5, 10], "trackers": [[1774.5462704647452, 397.4402699766065, 2016.144276647076, 1124.2452210785932, 0.0], [1604.0666165378525, 385.28141985961446, 1848.7351415019307, 1121.3023777649123, 0.0], [1139.810404727694, 448.8837569665948, 1222.1408765725648, 697.8902861975257, 0.0], [1127.2482533878176, 430.25119768428175, 1223.4605159578985, 720.8880113741088, 0.0], [913.1252083707694, 428.58003925721164, 998.3930861930302, 686.394477887442, 0.0], [1453.3464160991791, 469.44395418451904, 1731.11073480777, 1304.730605725667, 0.0], [583.3881063882984, 450.5653736834317, 612.2281508617066, 539.0956794171541, 0.0], [1005.260232480959, 411.87203118389766, 1104.3509879851524, 711.1399290036272, 0.0], [643.4710200490239, 447.1235552715393, 685.1043964624306, 574.0232682983702, 0.0], [718.4131857806577, 444.7624163477851, 753.2352720140958, 551.2465191190121, 0.0], [544.8057571050151, 423.0370062852746, 584.5250993085933, 544.2612515647332, 0.0]], "kalman_trackers": [{"time_since_observed": 71, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 340}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 46, "confidence": 0.6007958971048272, "age": 78}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "average_area": [64013.60607833546], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 72, "confidence": 1, "age": 475}, {"time_since_observed": 0, "confidence": 1, "age": 340}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 47, "confidence": 0.6015011318596825, "age": 78}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 1, "confidence": 0.12786985268016768, "age": 17}], "ret_occluded_trackers": [0, 3, 5], "ret_unmatched_trackers": [10]}, +{"frame_count": 561, "min_hits": 3, "ios_matrix": [[0.0, 0.2849920392036438, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2884504497051239, 0.0, 0.0, 0.0, 0.0, 0.3537368178367615, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.808994472026825, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.9398189783096313, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.4617878794670105, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 5, 3], "trackers": [[1780.271438714708, 397.55813914847215, 2021.8694448970386, 1124.3630902504588, 0.0], [1607.4547837741, 387.4216175245449, 1850.5156318608526, 1118.6191365468017, 0.0], [1142.9609075204949, 428.39884745748697, 1232.1871514870263, 698.0899620688622, 0.0], [1131.1062740223688, 429.9575511072916, 1227.3048982630003, 720.5531663000735, 0.0], [914.5444705312726, 429.37077828836976, 999.4569383871716, 686.1140712359618, 0.0], [1456.6659397961912, 472.2622139487246, 1734.4302585047822, 1307.5488654898725, 0.0], [585.3187394091026, 449.8642464683393, 615.9220989065959, 543.6902624761892, 0.0], [1008.8355939063619, 413.83786724254867, 1106.829024771806, 709.8106793341959, 0.0], [643.1548640919489, 447.0083564511599, 684.9546341160014, 574.4066059899181, 0.0], [718.1013689516894, 442.34144005971916, 754.0347445714417, 552.157929633136, 0.0], [544.7445915405737, 421.0382108458532, 585.1688319289134, 544.4138198112612, 0.0]], "kalman_trackers": [{"time_since_observed": 72, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 341}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 47, "confidence": 0.6015011318596825, "age": 79}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.12786985268016768, "age": 18}], "average_area": [64116.865147030476], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 73, "confidence": 1, "age": 476}, {"time_since_observed": 0, "confidence": 1, "age": 341}, {"time_since_observed": 0, "confidence": 1, "age": 246}, {"time_since_observed": 2, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 48, "confidence": 0.5955600678546586, "age": 79}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.12786985268016768, "age": 18}], "ret_occluded_trackers": [0, 5, 3], "ret_unmatched_trackers": []}, +{"frame_count": 562, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.35854148864746094, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8553186655044556, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9684880375862122, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.47045519948005676, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.016910918056964874], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.03016922064125538, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [2, 4, 9], "trackers": [[1608.2711808549454, 388.21493851538037, 1850.7117320788755, 1117.5513146382946, 0.0], [1143.624773302865, 438.7845755452495, 1234.0006100021951, 711.9197834872336, 0.0], [1134.9608854371224, 429.65360600127116, 1231.1526897878996, 720.2286197550684, 0.0], [914.7622372914866, 429.6688664008109, 999.5388840294659, 686.0028091260167, 0.0], [1459.9854634932033, 475.08047371293014, 1737.7497822017942, 1310.367125254078, 0.0], [583.9621873270902, 449.56955899691883, 613.8346583494268, 541.198835016228, 0.0], [1009.8901845763404, 414.5822559585955, 1107.4642044283323, 709.2955292918149, 0.0], [640.8079510755094, 448.1470223634343, 680.8499169195632, 570.2733932374276, 0.0], [717.961263797484, 441.4442923854789, 754.3040674696153, 552.486612129502, 0.0], [544.8601508950003, 429.03342393105, 584.8634164697646, 551.1028331152716, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 2, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 48, "confidence": 0.5955600678546586, "age": 80}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.12786985268016768, "age": 19}], "average_area": [64008.86851039482], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 342}, {"time_since_observed": 0, "confidence": 1, "age": 247}, {"time_since_observed": 3, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 49, "confidence": 0.5917874541286423, "age": 80}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 1, "confidence": 0.1449491719632595, "age": 19}], "ret_occluded_trackers": [2, 4], "ret_unmatched_trackers": [9]}, +{"frame_count": 563, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.3662091791629791, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8909675478935242, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.48147067427635193, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.03611143305897713], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.06777249276638031, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [4, 2, 1], "trackers": [[1608.1468226413388, 388.49351946674784, 1850.3466515866755, 1117.1075942683674, 0.0], [1143.7144014175235, 442.26159287696123, 1234.4879920112337, 716.5881927894932, 0.0], [1138.813791970076, 429.34451080938027, 1235.002186194599, 719.9092232959337, 0.0], [914.5502303266677, 429.77842297962786, 999.2752631794252, 685.9568084851027, 0.0], [1463.3049871902153, 477.8987334771357, 1741.0693058988063, 1313.1853850182836, 0.0], [583.4362065187015, 449.4695570203114, 613.0239397332725, 540.2421273595554, 0.0], [1010.007197033922, 414.85672788390116, 1107.4231848735424, 709.09543446558, 0.0], [640.0140585081024, 448.62142024209015, 679.3662448741036, 568.6761541019146, 0.0], [718.3350112465421, 444.6388690968618, 753.2303534494927, 551.3413084507232, 0.0], [544.7988064599315, 427.83981301190346, 585.4414410447057, 551.8602478481871, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 0, "confidence": 1, "age": 248}, {"time_since_observed": 3, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 49, "confidence": 0.5917874541286423, "age": 81}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.1449491719632595, "age": 20}], "average_area": [52787.597815267436], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 343}, {"time_since_observed": 1, "confidence": 1, "age": 248}, {"time_since_observed": 4, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 50, "confidence": 0.7120247869128412, "age": 81}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.1449491719632595, "age": 20}], "ret_occluded_trackers": [4, 2, 1], "ret_unmatched_trackers": []}, +{"frame_count": 564, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.3116256892681122, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.891707718372345, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.1371811181306839, 0.0, 0.0, 0.0], [0.4462222456932068, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.029948411509394646], [0.0, 0.0, 0.0, 0.18103116750717163, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.05480285733938217, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 4, 9], "trackers": [[1627.303105407019, 400.0135110627443, 1859.367319698409, 1098.2231640017635, 0.0], [1145.865120293128, 443.5934304640656, 1236.674797699933, 718.0290882278213, 0.0], [1142.6658459941348, 429.03284036915585, 1238.8525351101932, 719.5924020851326, 0.0], [926.4104734838006, 429.81617886774177, 1011.1161025630383, 685.9360869234009, 0.0], [1466.6245108872274, 480.71699324134124, 1744.3888295958184, 1316.0036447824891, 0.0], [583.2281087441937, 449.4386927514027, 612.7053642151094, 539.8786777457418, 0.0], [995.781743730522, 414.9518706641846, 1093.139766065812, 709.0165476079796, 0.0], [639.7992342497304, 448.81636843103604, 678.8861507211287, 568.074029724888, 0.0], [718.4667978435284, 445.87823993396216, 752.7917737004732, 550.8677327257631, 0.0], [544.858887999403, 430.88167934432477, 584.84354659552, 552.8883415325258, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 1, "confidence": 1, "age": 249}, {"time_since_observed": 4, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 50, "confidence": 0.7120247869128412, "age": 82}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.1449491719632595, "age": 21}], "average_area": [51304.5524639463], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 344}, {"time_since_observed": 2, "confidence": 1, "age": 249}, {"time_since_observed": 5, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 51, "confidence": 0.7271094178657251, "age": 82}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 1, "confidence": 0.1996826489949015, "age": 21}], "ret_occluded_trackers": [1, 2, 4], "ret_unmatched_trackers": [9]}, +{"frame_count": 565, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.2664269506931305, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8915388584136963, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9993957877159119, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.06599345058202744, 0.0, 0.0, 0.0], [0.3618842661380768, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.002780096372589469], [0.0, 0.0, 0.0, 0.07977984845638275, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.004790569189935923, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 4, 9], "trackers": [[1649.0017176009683, 392.9224464044123, 1887.2818527786926, 1109.779549849402, 0.0], [1148.0248635603198, 444.9525406383205, 1238.852578997045, 719.4427110789989, 0.0], [1146.517473746745, 428.71988225340766, 1242.703310297236, 719.2768685498552, 0.0], [930.5628272774758, 429.8268148596381, 1015.2613593701618, 685.925337719553, 0.0], [1469.9440345842395, 483.5352530055468, 1747.7083532928305, 1318.8219045466947, 0.0], [585.1987447697212, 449.4558560841601, 616.0273212407834, 543.9538762088836, 0.0], [1008.5041235822478, 420.6522617143884, 1101.6646566976624, 702.1295363181049, 0.0], [642.0662930796633, 441.5372730059853, 682.9150110235047, 566.0846036197493, 0.0], [721.2250001181771, 447.9604126717781, 753.8463178222771, 547.8360854903991, 0.0], [544.7856180972041, 429.97058851576656, 585.3464311985664, 553.7352921768166, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 345}, {"time_since_observed": 2, "confidence": 1, "age": 250}, {"time_since_observed": 5, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 51, "confidence": 0.7271094178657251, "age": 83}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 1, "confidence": 0.1996826489949015, "age": 22}], "average_area": [51989.70702928123], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 345}, {"time_since_observed": 3, "confidence": 1, "age": 250}, {"time_since_observed": 6, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 52, "confidence": 0.7123105484487047, "age": 83}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 2, "confidence": 0.10621326856112934, "age": 22}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [4, 9]}, +{"frame_count": 566, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.25613564252853394, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8843961954116821, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9911834597587585, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.009692109189927578, 0.0, 0.0, 0.0], [0.3474706709384918, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.03541607782244682], [0.0, 0.0, 0.0, 0.013607552275061607, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.06641644239425659, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 4, 9], "trackers": [[1655.7639945785768, 392.85978243035527, 1894.1932476433599, 1110.165501604512, 0.0], [1150.1891170066028, 446.32528101148046, 1241.0258501150656, 720.8427037312713, 0.0], [1150.3688883593804, 428.4062802870574, 1246.5542986242535, 718.9619788651798, 0.0], [931.7957432392741, 429.82739880854945, 1016.4918765358543, 685.918696660384, 0.0], [1473.2635582812516, 486.35351276975234, 1751.0278769898425, 1321.6401643109002, 0.0], [583.8556848523913, 449.41070343304875, 613.8120597509437, 541.2904744700642, 0.0], [1015.3393694724631, 408.7567481495414, 1115.7561593134196, 712.0158188895716, 0.0], [643.2192415818688, 435.2910064759181, 686.7315195383219, 567.8361854279617, 0.0], [719.0373986373124, 443.52536072693687, 754.1467804385716, 550.8734431200725, 0.0], [544.7163833317433, 429.0718102486302, 585.8452806648746, 554.5699302596857, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 346}, {"time_since_observed": 3, "confidence": 1, "age": 251}, {"time_since_observed": 6, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 52, "confidence": 0.7123105484487047, "age": 84}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 2, "confidence": 0.10621326856112934, "age": 23}], "average_area": [52551.54761790079], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 346}, {"time_since_observed": 4, "confidence": 1, "age": 251}, {"time_since_observed": 7, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 53, "confidence": 0.6997290480622997, "age": 84}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 3, "confidence": 0.07530179993442117, "age": 23}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [4, 9]}, +{"frame_count": 567, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.24577222764492035, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8626144528388977, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9666714072227478, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3332034647464752, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.051374875009059906], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.10125336050987244, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 3, 4], "trackers": [[1662.5635685089173, 392.90932497944317, 1901.067345555295, 1110.4392468364767, 0.0], [1152.3556250386648, 447.7048349616608, 1243.1968666473074, 722.2358828065234, 0.0], [1154.2201964009655, 428.09235639219594, 1250.4053935223214, 718.6474111090157, 0.0], [931.942905543068, 429.8244307387564, 1016.6384311192126, 685.9139017934507, 0.0], [1476.5830819782636, 489.1717725339579, 1754.3474006868546, 1324.4584240751058, 0.0], [583.3415537329284, 449.40952628134255, 612.9574215222382, 540.2658166568517, 0.0], [1017.7191638426074, 404.4313829485449, 1120.7717870333993, 715.5948899215534, 0.0], [641.6086742592917, 427.3400542267822, 688.2517762080955, 569.2877939269943, 0.0], [715.0247574966805, 441.8417622624322, 752.8025714952079, 557.2026096485139, 0.0], [544.6510187463153, 428.1848412044424, 586.34025995115, 555.3927591196061, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 347}, {"time_since_observed": 4, "confidence": 1, "age": 252}, {"time_since_observed": 7, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 53, "confidence": 0.6997290480622997, "age": 85}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 24}], "average_area": [52876.10616238252], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 347}, {"time_since_observed": 5, "confidence": 1, "age": 252}, {"time_since_observed": 8, "confidence": 1, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 179}, {"time_since_observed": 54, "confidence": 0.6906812990362526, "age": 85}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 24}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": [4]}, +{"frame_count": 568, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.23541413247585297, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8410138487815857, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9424163103103638, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.31906089186668396, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 3, 4], "trackers": [[1669.3817778001192, 393.0149313325855, 1907.922808106369, 1110.6569282643873, 0.0], [1154.5232602377255, 449.08779531989774, 1245.3667560125505, 723.6256554737189, 0.0], [1158.0714511567598, 427.7782715322764, 1254.25654170618, 718.3330043179096, 0.0], [935.2070514596792, 429.87395767338694, 1019.8880023309605, 685.9193599483697, 0.0], [1479.9026056752757, 491.99003229816344, 1757.6669243838667, 1327.2766838393113, 0.0], [585.2013563227268, 449.4452113714572, 616.0764491929839, 544.0822495409237, 0.0], [1025.84322586757, 410.91796701005546, 1125.3993992581152, 711.5850247353824, 0.0], [640.4869143822082, 440.6555772585177, 682.5215566837983, 568.7863423366832, 0.0], [719.8149652487302, 446.2410475026518, 753.8546459827455, 550.3937574916205, 0.0], [544.8217132161108, 423.97495380927313, 584.7047083613502, 545.6696023620667, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 348}, {"time_since_observed": 5, "confidence": 1, "age": 253}, {"time_since_observed": 8, "confidence": 1, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 180}, {"time_since_observed": 54, "confidence": 0.6906812990362526, "age": 86}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 25}], "average_area": [52440.90614082866], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 348}, {"time_since_observed": 6, "confidence": 1, "age": 253}, {"time_since_observed": 9, "confidence": 1, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 180}, {"time_since_observed": 55, "confidence": 0.6917952432679275, "age": 86}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 25}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": [4]}, +{"frame_count": 569, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.22509948909282684, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.8196064233779907, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.9184039235115051, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3050336539745331, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 4, 2], "trackers": [[1676.209301497058, 393.14855973595905, 1914.768956251706, 1110.8465876420667, 0.0], [1156.6914589888192, 450.4724587870686, 1247.5360818257604, 725.0137250319805, 0.0], [1161.9226792695924, 427.46410618962705, 1258.1077165330005, 718.0186780095335, 0.0], [938.4675541704584, 429.912468835365, 1023.1412167485404, 685.9358338759412, 0.0], [1483.2221293722878, 494.808292062369, 1760.9864480808787, 1330.0949436035169, 0.0], [585.8864956989563, 449.4633980585548, 617.2281977700712, 545.4987814251718, 0.0], [1028.6456102715138, 413.4357343472758, 1126.8365173343327, 710.0025537069733, 0.0], [640.1855340091181, 445.9492680444687, 680.3268289195182, 568.3846759469482, 0.0], [721.6665183528119, 448.09187760410015, 754.1705878327002, 547.6216724416172, 0.0], [551.6181862183099, 447.0931868450948, 582.8170420131402, 542.8421410739423, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 6, "confidence": 1, "age": 254}, {"time_since_observed": 9, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 55, "confidence": 0.6917952432679275, "age": 87}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 26}], "average_area": [52105.98319431007], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 349}, {"time_since_observed": 7, "confidence": 1, "age": 254}, {"time_since_observed": 10, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 56, "confidence": 0.6917602894464966, "age": 87}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 26}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": [4]}, +{"frame_count": 57, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862, 0.0], [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 0.0], [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "average_area": [19513.879441629728], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 570, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.28344064950942993, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.798397958278656, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8946273326873779, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.020385319367051125, 0.0, 0.0, 0.0], [0.3759624660015106, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.024169504642486572, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 4], "trackers": [[1657.8120944107684, 389.7426728113671, 1898.9419955194342, 1115.1443470387997, 0.0], [1158.859939508064, 451.85797378493544, 1249.7051258708195, 726.4009430595461, 0.0], [1165.7738940609274, 427.1499006055627, 1261.9589046813185, 717.7043919425722, 0.0], [941.9266150742969, 425.28977996730896, 1031.5928512662795, 696.2949025732912, 0.0], [1486.5416530692999, 497.62655182657454, 1764.3059717778908, 1332.9132033677224, 0.0], [586.1181504810719, 449.4570006587947, 617.6348901906287, 546.0164823009993, 0.0], [1029.4256627775126, 414.39573621900064, 1127.0923048613936, 709.3878406127576, 0.0], [640.139415687406, 447.99889881150006, 679.5354703581106, 568.189748241461, 0.0], [722.3514782146518, 448.82912004798646, 754.2502697993513, 546.5339025580749, 0.0], [554.1706078057415, 455.7531677113228, 581.875668877769, 540.9480897618218, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 350}, {"time_since_observed": 7, "confidence": 1, "age": 255}, {"time_since_observed": 10, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 56, "confidence": 0.6917602894464966, "age": 88}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 27}], "average_area": [52618.29336528602], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 350}, {"time_since_observed": 8, "confidence": 1, "age": 255}, {"time_since_observed": 11, "confidence": 0.9705135531216585, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 57, "confidence": 0.6807427984511983, "age": 88}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 27}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [4]}, +{"frame_count": 571, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.27746620774269104, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7773914337158203, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8710833191871643, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0352473109960556, 0.0, 0.0, 0.0], [0.3679724633693695, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0446772575378418, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [1, 2, 4, 9], "trackers": [[1662.9348211146255, 389.8923058366073, 1904.0861502877754, 1115.3584430517521, 0.0], [1161.0285609094176, 453.2439145422078, 1251.8740290337696, 727.7877353277062, 0.0], [1169.6251021915095, 426.8356749007784, 1265.8100994903893, 717.390125996331, 0.0], [946.7897599429938, 428.05572573492196, 1033.3227709313815, 689.6615648837294, 0.0], [1489.861176766312, 500.4448115907801, 1767.625495474903, 1335.731463131928, 0.0], [586.1779425964802, 449.4397781845589, 617.7599176642742, 546.1944400425186, 0.0], [1029.4567131982767, 414.7547369315983, 1126.924332941423, 709.1490414373332, 0.0], [634.4816602580026, 448.7774099308936, 673.5904449123141, 568.1026588976538, 0.0], [716.1590461768847, 443.6884276341424, 752.8084459080521, 555.6792011508362, 0.0], [555.1507279880974, 459.1243573834646, 581.4331947472427, 540.0049029775228, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 8, "confidence": 1, "age": 256}, {"time_since_observed": 11, "confidence": 0.9705135531216585, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 57, "confidence": 0.6807427984511983, "age": 89}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.07530179993442117, "age": 28}], "average_area": [52513.19487047706], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 351}, {"time_since_observed": 9, "confidence": 1, "age": 256}, {"time_since_observed": 12, "confidence": 0.8958525869660423, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 58, "confidence": 0.6779623383225383, "age": 89}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 1, "confidence": 0.1133443264609082, "age": 28}], "ret_occluded_trackers": [1, 2], "ret_unmatched_trackers": [4, 9]}, +{"frame_count": 572, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.27530092000961304, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7565882802009583, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8477701544761658, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3274354636669159, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 4, 9], "trackers": [[1670.188918502118, 371.2053465858341, 1924.852193644713, 1137.203276892686, 0.0], [1163.1972527513342, 454.6300681776972, 1254.0428617561568, 729.1743147176492, 0.0], [1173.4763069917144, 426.5214391356308, 1269.6612976298375, 717.075870110453, 0.0], [944.3690718573143, 412.3910022866974, 1033.6938988092238, 682.3723108275831, 0.0], [1493.180700463324, 503.26307135498564, 1770.945019171915, 1338.5497228961335, 0.0], [586.1744395774148, 449.41940059170156, 617.7799674655163, 546.2444283284574, 0.0], [1043.2501214982371, 414.8837961765063, 1140.6434544298027, 709.0549921818846, 0.0], [634.2998223842383, 447.82276103052516, 675.1539029382102, 572.3867872164586, 0.0], [717.4951181647457, 445.4617370980157, 752.4923065970872, 552.4798653265657, 0.0], [555.4992587977797, 459.7015705457398, 581.8028972286277, 540.6472689420116, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 352}, {"time_since_observed": 9, "confidence": 1, "age": 257}, {"time_since_observed": 12, "confidence": 0.8958525869660423, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 58, "confidence": 0.6779623383225383, "age": 90}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 1, "confidence": 0.1133443264609082, "age": 29}], "average_area": [54676.24856288299], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 352}, {"time_since_observed": 10, "confidence": 1, "age": 257}, {"time_since_observed": 13, "confidence": 0.7981578444334019, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 59, "confidence": 0.6472972854804072, "age": 90}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 2, "confidence": 0.05646494294527029, "age": 29}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": [4, 9]}, +{"frame_count": 573, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7359892129898071, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.8246871829032898, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2], "trackers": [[1675.966664066612, 371.38337634785984, 1930.703779261342, 1137.6034090645596, 0.0], [1165.3659798134095, 456.0163282519238, 1256.2116592583852, 730.560787668855, 0.0], [1177.32751012673, 426.2071983403009, 1273.5124974344749, 716.7616192547573, 0.0], [943.2063130869396, 406.63094499610725, 1033.56095482711, 679.7001619790944, 0.0], [586.1491783164153, 449.39912983818147, 617.7624059429764, 546.2470619772602, 0.0], [1048.143179457491, 414.9254697685192, 1145.5098779278237, 709.0167027237908, 0.0], [632.4337024749626, 448.65887643817547, 672.1105859466446, 569.6896135494799, 0.0], [717.5597925938188, 442.6344418997727, 753.5076776582256, 552.4947144581241, 0.0], [555.8477981211005, 460.27880990752374, 582.1725911963741, 541.2896087069918, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 353}, {"time_since_observed": 10, "confidence": 1, "age": 258}, {"time_since_observed": 13, "confidence": 0.7981578444334019, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 30}], "average_area": [35036.24786620751], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 353}, {"time_since_observed": 11, "confidence": 1, "age": 258}, {"time_since_observed": 14, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 30}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 574, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.7155945301055908, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.801833987236023, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2], "trackers": [[1681.7628736567792, 371.61694378190583, 1936.5369008522982, 1137.948003564413, 0.0], [1167.5347244855332, 457.4026415454262, 1258.3804391505653, 731.9472074007851, 0.0], [1181.1787124291511, 425.89295502987966, 1277.3636980717067, 716.447370914153, 0.0], [946.3822703046197, 421.07073363175357, 1033.3015274402428, 683.8356920400605, 0.0], [586.1178854019303, 449.3801854170497, 617.732796020717, 546.2330121276967, 0.0], [1049.6593351015665, 400.9172602094703, 1147.0175472041935, 694.9830457055201, 0.0], [631.8241153122359, 448.98370629309477, 671.0433286752572, 568.6395126603414, 0.0], [714.4107560645726, 441.543177673056, 752.4549688643746, 557.6967217746164, 0.0], [553.4636373977463, 457.0079377982519, 582.3169195652648, 545.594031369122, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 14, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 31}], "average_area": [34925.36041599534], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 354}, {"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 15, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 31}], "ret_occluded_trackers": [0, 2], "ret_unmatched_trackers": []}, +{"frame_count": 575, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.4727533459663391, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.6034078001976013, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2], "trackers": [[1687.5683122497946, 371.87827099826325, 1942.360793440406, 1138.2648382819548, 0.0], [1151.28052608821, 429.475671002974, 1236.3789981059504, 686.7738213250643, 0.0], [1185.029914315275, 425.5787104619127, 1281.214899125236, 716.1331238310944, 0.0], [934.2537974373696, 438.49030985832275, 1013.1024078518811, 677.0556352720571, 0.0], [586.0863819356789, 449.36293745950553, 617.7007101525078, 546.2138801592001, 0.0], [1049.9142708502702, 395.71561130682744, 1147.270872018026, 689.77660178661, 0.0], [631.6836419584297, 449.10294447289766, 670.7275258816278, 568.231874320753, 0.0], [713.0862788606631, 439.47362263734544, 753.7712612589963, 563.5532298125631, 0.0], [555.0078591609345, 458.9201213054342, 582.9111162751828, 544.6450738874267, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 355}, {"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 15, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 32}], "average_area": [34189.424989850406], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 355}, {"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 16, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 32}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 576, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.4461388885974884, 0.0, 0.0, 0.07918288558721542, 0.0, 0.0, 0.0], [0.0, 0.5698110461235046, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.10360214859247208, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 3], "trackers": [[1693.3783645921824, 372.1534758436905, 1948.1800722791415, 1138.567795370427, 0.0], [1152.2846771617342, 428.80476880519245, 1237.3552873873073, 686.0186780425806, 0.0], [1188.88111599325, 425.26446526517276, 1285.0661003869138, 715.8188773768088, 0.0], [929.6904422171034, 445.4497636611479, 1005.2343774266841, 674.0892119337436, 0.0], [586.0567025886656, 449.34742106175946, 617.6696138678625, 546.1939848297255, 0.0], [1063.74061242111, 393.87633885276455, 1161.0981754484476, 687.9402616023167, 0.0], [631.7139192333099, 449.1427843191352, 670.691417337834, 568.0722285898582, 0.0], [715.8799311113703, 440.24922072007905, 754.0342661874247, 556.7339055864642, 0.0], [555.5237323814129, 459.5566620485503, 583.0916995556838, 544.2707010299673, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 356}, {"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 16, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 33}], "average_area": [33943.40303810555], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 356}, {"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 17, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 33}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 577, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.4196745753288269, 0.0, 0.0, 0.11386138200759888, 0.0, 0.0, 0.0], [0.0, 0.5361862778663635, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.14902979135513306, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 3], "trackers": [[1699.190723621299, 372.43561893829855, 1953.9970444311482, 1138.8638142097182, 0.0], [1153.2818644984566, 428.11281151022854, 1238.338540405466, 685.2845898572793, 0.0], [1192.7323175671509, 424.95021975404643, 1288.917301752666, 715.5046312369095, 0.0], [930.2191228327443, 445.8618092318977, 1005.708849312418, 674.3371906728789, 0.0], [586.0294462366583, 449.3335471027609, 617.6406512423293, 546.174869118674, 0.0], [1068.598385594532, 393.31209730841147, 1165.9578429061612, 687.3817519746162, 0.0], [631.8016534937781, 449.15267136077335, 670.7545100704958, 568.0080996846523, 0.0], [717.3869810876216, 444.0711787679751, 752.9821062348202, 552.8803336764107, 0.0], [555.4932229927286, 464.0025709411494, 581.722576122151, 544.698087268406, 0.0]], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 357}, {"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 17, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 34}], "average_area": [33852.288748583545], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 357}, {"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 18, "confidence": 0.9539762107966578, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 34}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 578, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.3932831585407257, 0.0, 0.0, 0.11804785579442978, 0.0, 0.0, 0.0], [0.0, 0.5025503039360046, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.15454165637493134, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2, 3], "trackers": [[1705.0042359467975, 372.7212310161793, 1959.8128632867729, 1139.1563640657369, 0.0], [1154.2755686835933, 427.41032278692035, 1239.3252765752102, 684.5610331003223, 0.0], [1196.5835190890145, 424.63597408572684, 1292.7685031704552, 715.1903852542035, 0.0], [930.7342585673379, 446.2328601930734, 1006.1968660791994, 674.6261640215884, 0.0], [586.0046775425468, 449.32118657092946, 617.6140940310878, 546.1570238807574, 0.0], [1070.0576314259633, 393.2234155751274, 1167.4192915362592, 687.2997276330659, 0.0], [631.9041569104807, 449.1515753642155, 670.848312365121, 567.9809015009913, 0.0], [717.9824154272015, 445.6076043595331, 752.5511790784211, 551.3304917208462, 0.0], [555.658991097142, 461.3682970212063, 582.5920357421892, 544.1755341148333, 0.0]], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 358}, {"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 18, "confidence": 0.9539762107966578, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 35}], "average_area": [33839.15035272199], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 358}, {"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 19, "confidence": 0.9084645516775721, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 190}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 35}], "ret_occluded_trackers": [0, 1, 2, 3], "ret_unmatched_trackers": []}, +{"frame_count": 579, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.3669271171092987, 0.0, 0.0, 0.11089059710502625, 0.0, 0.0, 0.0], [0.0, 0.4689100980758667, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.14519044756889343, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 3, 1], "trackers": [[1710.8183249087424, 373.0085775503696, 1965.6281055059512, 1139.4471794654457, 0.0], [1155.2675309719266, 426.7025673788527, 1240.313754641758, 683.8427430281248, 0.0], [1200.4347205848596, 424.32172833881066, 1296.6197046142631, 714.8761393500941, 0.0], [931.2426163876318, 446.583397282664, 1006.6916607602803, 674.9356512418829, 0.0], [585.9822717390838, 449.3102035054584, 617.5898955000547, 546.1405466480862, 0.0], [1070.251495095611, 393.30484482501925, 1167.6154305620166, 687.3880309947901, 0.0], [632.0057352956235, 449.1466960350781, 670.9472574073397, 567.9681579340978, 0.0], [720.2714532031861, 442.61015382955463, 757.8039253351106, 557.2332915322683, 0.0], [555.70062098953, 460.3309410515078, 582.8960484003188, 543.9243907359813, 0.0]], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 359}, {"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 0.9084645516775721, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 36}], "average_area": [33915.221658591356], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 359}, {"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 0, "confidence": 0.9084645516775721, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 36}], "ret_occluded_trackers": [0, 3, 1], "ret_unmatched_trackers": []}, +{"frame_count": 58, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765, 0.0], [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 0.0], [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "average_area": [20555.66949370799], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 8, "confidence": 0.09081433041105472, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [1]}, +{"frame_count": 580, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.3010520339012146, 0.0, 0.0, 0.09969820827245712, 0.0, 0.0, 0.0], [0.0, 0.3949218988418579, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.13054752349853516, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 2], "trackers": [[1716.6327021859743, 373.2967913038833, 1971.4430594098426, 1139.7371276458314, 0.0], [1156.2586222315783, 425.99217838567733, 1241.3031037369872, 683.1270865410349, 0.0], [1206.5662839411577, 434.5115116634655, 1304.0206389605908, 728.8693143116619, 0.0], [931.7475838803232, 446.9236732886836, 1007.1898457689638, 675.2553995457483, 0.0], [588.2415699447936, 451.6628052657365, 617.2631430606718, 540.746802526226, 0.0], [1069.9947735164503, 407.4573763981562, 1167.3609689222124, 701.5473891836002, 0.0], [632.1009909533784, 443.44565896285224, 671.0421759461769, 562.266157463183, 0.0], [719.0194641996814, 444.9855352915311, 754.3576541672908, 553.0226112618701, 0.0], [555.6945582701724, 459.9019327700544, 582.9881347252312, 543.7892184174876, 0.0]], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 360}, {"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 0, "confidence": 0.9084645516775721, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 37}], "average_area": [33892.37396558046], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 360}, {"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 37}], "ret_occluded_trackers": [0, 1, 2], "ret_unmatched_trackers": []}, +{"frame_count": 581, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.2741203010082245, 0.0, 0.0, 0.08724312484264374, 0.0, 0.0, 0.0], [0.0, 0.35964298248291016, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.11424604058265686, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 2, 1], "trackers": [[1722.4472236201157, 373.5854386648509, 1977.2578691568244, 1140.026642218763, 0.0], [1157.2492779568163, 425.28047253925604, 1242.2928883666302, 682.412746907191, 0.0], [1210.541075074168, 434.72682480241536, 1308.001245336815, 729.1021922091488, 0.0], [985.1748323290452, 434.33719468069535, 1059.0565962619733, 657.9833216722491, 0.0], [589.0500511459929, 450.1527041407161, 618.294958018341, 539.8984229817214, 0.0], [1069.5967656314483, 398.78498265630503, 1166.9651739556944, 692.8816796776294, 0.0], [632.1884209551425, 441.32750211165103, 671.13012555429, 560.1496109988087, 0.0], [723.5180765785959, 445.94986317088086, 757.9818742089527, 551.3567010307895, 0.0], [555.6719538849096, 459.70816867894024, 583.0016517757487, 543.7034702498802, 0.0]], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 361}, {"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 38}], "average_area": [33799.3147419322], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 361}, {"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 38}], "ret_occluded_trackers": [0, 2, 1], "ret_unmatched_trackers": []}, +{"frame_count": 582, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.2473888248205185, 0.0, 0.0, 0.06008249893784523, 0.0, 0.0, 0.0], [0.0, 0.3245942294597626, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0018660480855032802, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.08618953824043274, 0.0, 0.003559894161298871, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1728.2618171325284, 373.87430282899356, 1983.0726068255349, 1140.3159399885199, 0.0], [1158.2397159098284, 424.5681082510374, 1243.282890768499, 681.6990657151445, 0.0], [1214.5173200830393, 434.9465293275034, 1311.980397837178, 729.3306787204976, 0.0], [990.2071370636073, 433.28539787321483, 1063.9087174760457, 656.3904014028826, 0.0], [589.3322180940219, 449.59496477536777, 618.6613746384365, 539.5901050989559, 0.0], [1063.6463476431784, 386.34459119404045, 1165.5695475997484, 694.1153320105029, 0.0], [632.2679641530486, 440.5774084769579, 671.2104963170665, 559.4020520171242, 0.0], [722.5070105435577, 440.9650272903672, 761.9191008717373, 561.2430409742691, 0.0], [555.6448941685647, 459.607273331002, 582.9871927241978, 543.6401540058177, 0.0]], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 362}, {"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 39}], "average_area": [34219.273473978035], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 362}, {"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 39}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 583, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.24907732009887695, 0.0, 0.0, 0.05703534185886383, 0.0, 0.0, 0.0], [0.0, 0.29238131642341614, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.07741615176200867, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1734.0764466840308, 374.16327539458564, 1988.8873084551558, 1140.605129356827, 0.0], [1159.230044975473, 423.85541473812646, 1244.2730020577355, 680.9857137477902, 0.0], [1217.6704388821577, 440.65030546730907, 1309.8377839820846, 719.1533665137998, 0.0], [991.681395859922, 432.9756294490562, 1065.3215952171013, 655.8962727819048, 0.0], [589.414875948438, 449.39980457089086, 618.7755391599652, 539.4881345026592, 0.0], [1066.678964766767, 404.9025492314261, 1165.813743645926, 704.3034623978774, 0.0], [632.340063997229, 446.0412660046387, 671.2835230124128, 564.8687412652044, 0.0], [724.6977732281056, 444.252133058451, 760.8029592301328, 554.6041254214937, 0.0], [559.1775084766433, 460.0259049371008, 585.3190944799782, 540.4558322602472, 0.0]], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 363}, {"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 40}], "average_area": [33587.79256288052], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 363}, {"time_since_observed": 9, "confidence": 1, "age": 268}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 40}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 584, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.17819783091545105, 0.0, 0.0, 0.048304326832294464, 0.0, 0.0, 0.0], [0.0, 0.2251322716474533, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.06414320319890976, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1739.8910942550667, 374.45230216086804, 1994.701992065243, 1140.8942645244438, 0.0], [1160.2203195971201, 423.1425566119208, 1245.2631677909694, 680.2725263937307, 0.0], [1225.0476917881972, 436.74711460273295, 1320.6777863079103, 725.6362932085211, 0.0], [991.8881261007668, 443.554803812263, 1065.5053924191193, 666.4065686051896, 0.0], [587.1674769739191, 449.3699157609705, 617.9304942715364, 543.6694016960425, 0.0], [1067.624671206498, 397.9306653283112, 1165.6752404420354, 694.0760764831872, 0.0], [626.710238731563, 448.11578270607976, 665.6546450226705, 566.9461497615576, 0.0], [722.6537401773617, 442.13197722162124, 760.7202766587181, 558.358096222367, 0.0], [558.2831428841545, 462.6284923568187, 582.8398391507959, 538.3028571341661, 0.0]], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 364}, {"time_since_observed": 9, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 41}], "average_area": [33782.84953901565], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 364}, {"time_since_observed": 10, "confidence": 1, "age": 269}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 41}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 585, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.16331036388874054, 0.0, 0.0, 0.03758000209927559, 0.0, 0.0, 0.0], [0.0, 0.2113683819770813, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.04947590455412865, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.04948117956519127, 0.0, 0.09462407231330872, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 8, 1], "trackers": [[1745.7057508358664, 374.741356027487, 2000.5166666655666, 1141.1833725917243, 0.0], [1161.21056699669, 422.42961617883066, 1246.2533607462806, 679.5594213465556, 0.0], [1227.3206891039436, 435.4311652408042, 1324.1172311384935, 727.8170268679294, 0.0], [1003.9491719931394, 445.32801923871756, 1074.4555648613314, 658.8471622437368, 0.0], [586.3135919151189, 449.3763948496949, 617.5952935382004, 545.2302483172377, 0.0], [1067.7839630342653, 409.364164127696, 1165.4185848059817, 704.2604883604171, 0.0], [624.6571343711586, 448.89184600091124, 663.6024790191285, 567.7250767783622, 0.0], [724.6918305718546, 444.75262797063925, 760.2403920959355, 553.4228352816938, 0.0], [556.5450347184791, 460.62213031004393, 582.8595952164713, 541.5787857513537, 0.0]], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 365}, {"time_since_observed": 10, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.05646494294527029, "age": 42}], "average_area": [33659.24514374207], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 365}, {"time_since_observed": 11, "confidence": 1, "age": 270}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 1, "confidence": 0.2658236378313566, "age": 42}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": [8]}, +{"frame_count": 586, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.1660938709974289, 0.0, 0.0, 0.12949034571647644, 0.0, 0.0, 0.0], [0.0, 0.21690262854099274, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.1558903306722641, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1751.5204119215473, 375.03042344427195, 2006.331336761009, 1141.4724671088386, 0.0], [1162.2008007852019, 421.71663459223913, 1247.2435673126497, 678.8463574528819, 0.0], [1227.7987444250507, 434.9246333215932, 1325.0308613289658, 728.6159752108591, 0.0], [1006.4282112188246, 437.577448245712, 1078.8648230115002, 656.8885333683052, 0.0], [585.9868420824414, 449.37364105158935, 617.463517805367, 545.8112679768715, 0.0], [1082.1152825673162, 406.1740322997241, 1175.4581456965388, 688.2008118663164, 0.0], [630.6749307079725, 451.78834318157885, 666.4135105961717, 561.0126786742621, 0.0], [725.4516647723829, 445.83141464774656, 759.9912341638665, 551.4662757152205, 0.0], [556.6908007397343, 460.7975251431261, 583.0192188852797, 541.7968135897743, 0.0]], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 366}, {"time_since_observed": 11, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 43}], "average_area": [33405.84701968353], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 366}, {"time_since_observed": 12, "confidence": 1, "age": 271}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 43}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 587, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.17509056627750397, 0.0, 0.0, 0.1597704440355301, 0.0, 0.0, 0.0], [0.0, 0.22942747175693512, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.18547330796718597, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1757.3350752596687, 375.31949763613943, 2012.1460046040108, 1141.7615548508704, 0.0], [1163.1910277681795, 421.003632428882, 1248.233780684553, 678.1333141359739, 0.0], [1227.6235047118903, 434.7161900997344, 1325.0211078913294, 728.9034814244667, 0.0], [1006.9872156473169, 434.6984522278122, 1080.1481384845752, 656.1818628767608, 0.0], [585.8612357243111, 449.36457702738625, 617.4111323655219, 546.0213045386554, 0.0], [1087.309396007172, 405.1013864832105, 1178.9641882865485, 682.0628313506518, 0.0], [626.2785412551705, 450.23590222300834, 664.0322701711182, 565.5040623244644, 0.0], [725.6051379084171, 442.7345811994864, 761.3494222639669, 551.9789816706174, 0.0], [559.9586292985487, 460.34401401780025, 585.5960518216177, 539.2596449807961, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 367}, {"time_since_observed": 12, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 44}], "average_area": [33415.123252590274], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 367}, {"time_since_observed": 13, "confidence": 1, "age": 272}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 44}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 588, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.136274516582489, 0.0, 0.0, 0.16266503930091858, 0.0, 0.0, 0.0], [0.0, 0.16415202617645264, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.016702910885214806, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.01402250211685896], [0.0, 0.18617463111877441, 0.0, 0.025606103241443634, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.009169184602797031, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1, 3], "trackers": [[1763.14973972401, 375.60857521554806, 2017.9606713207927, 1142.0506392053612, 0.0], [1164.1812513483892, 420.29061997713836, 1249.2239974592244, 677.4202811074523, 0.0], [1234.1549899593497, 439.2151767991311, 1327.5242642314074, 721.3242702278906, 0.0], [1017.4534659341475, 433.66146589620973, 1090.8894501218451, 655.9696782352675, 0.0], [585.8126568669982, 449.3533147315173, 617.3895569059339, 546.0907701507795, 0.0], [1089.0090407048692, 404.7725134807381, 1180.014053198618, 679.7837427323002, 0.0], [624.6923113598453, 449.67069132486915, 663.1892759653186, 567.1633865221663, 0.0], [725.626516162457, 441.5873402727734, 761.8188380744704, 552.1721161757416, 0.0], [560.6978829220411, 460.27153351692573, 586.1698374058055, 538.6879691125774, 0.0]], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 368}, {"time_since_observed": 13, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 45}], "average_area": [33159.49929365327], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 368}, {"time_since_observed": 14, "confidence": 1, "age": 273}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 1, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 45}], "ret_occluded_trackers": [0, 1, 3], "ret_unmatched_trackers": []}, +{"frame_count": 589, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.12860265374183655, 0.0, 0.0, 0.15474390983581543, 0.0, 0.0, 0.0], [0.0, 0.14971740543842316, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.05343635380268097, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.17615412175655365, 0.0, 0.08150602877140045, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 1], "trackers": [[1768.9644047514616, 375.8976544887272, 2023.7753374744643, 1142.3397218660812, 0.0], [1165.1714732272142, 419.57760238120056, 1250.2142159352804, 676.7072532231249, 0.0], [1236.3240999225284, 441.0092754653683, 1328.1093892746942, 718.3659996416545, 0.0], [1021.954544428156, 433.08539770735285, 1095.3779594858847, 655.3555602967555, 0.0], [585.7936528065305, 449.34189972687517, 617.3799616454563, 546.1074153127829, 0.0], [1089.3935087566272, 417.79819801188853, 1180.1521023765215, 692.0698252514143, 0.0], [624.1633925170241, 449.4456316880103, 662.9410782183551, 567.7779049101113, 0.0], [723.0577876988038, 439.44636472478055, 763.0358172244974, 561.4058160255022, 0.0], [557.3527087054692, 459.7193768857559, 583.9988934964549, 541.6647316586908, 0.0]], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 369}, {"time_since_observed": 14, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 46}], "average_area": [33170.97603550434], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 369}, {"time_since_observed": 15, "confidence": 1, "age": 274}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 46}], "ret_occluded_trackers": [0, 1], "ret_unmatched_trackers": []}, +{"frame_count": 59, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422, 0.0], [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "average_area": [29647.73596969802], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 590, "min_hits": 3, "ios_matrix": [[0.0, 0.13396082818508148, 0.0, 0.0, 0.16593465209007263, 0.0, 0.0, 0.0], [0.15389111638069153, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.051779624074697495, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.20650966465473175, 0.0, 0.08599621802568436, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[1166.1616942553471, 418.86458221316536, 1251.2044352620285, 675.9942279108949, 0.0], [1236.84088267892, 441.71106788835607, 1328.0146127704447, 717.232509220738, 0.0], [1021.5668400290564, 433.24919827076263, 1095.1394707067716, 655.9675308523879, 0.0], [585.7860493016952, 449.3311594445241, 617.3750711987165, 546.1046946467031, 0.0], [1088.8125028390605, 416.9124677303939, 1183.7238420833169, 703.6434338593708, 0.0], [626.0539451079442, 448.90884426219213, 663.256677311766, 562.5138005907818, 0.0], [724.6260974841789, 443.65375251695696, 760.9593649614551, 554.686938353516, 0.0], [559.6522439470747, 460.0075654872162, 585.5196509326494, 539.6132269110949, 0.0]], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 47}], "average_area": [33251.32516876113], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 275}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 47}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 591, "min_hits": 3, "ios_matrix": [[0.0, 0.14412915706634521, 0.0, 0.0, 0.16174818575382233, 0.0, 0.0, 0.0], [0.16472625732421875, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.05499902740120888, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0110296830534935], [0.20786158740520477, 0.0, 0.0942329689860344, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.007258657366037369, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1167.1519148581338, 418.1515607590816, 1252.1946550141229, 675.2812038847135, 0.0], [1236.7546859112117, 441.98599816999905, 1327.694386414807, 716.8050653087078, 0.0], [1021.7065242969894, 433.2537248109551, 1095.313530132147, 656.0752611464897, 0.0], [585.7828774887892, 449.321370556164, 617.3720740277331, 546.0953292767966, 0.0], [1088.3773234212301, 416.5529477517866, 1184.8290332018084, 707.9024301371312, 0.0], [626.8341714000654, 448.7495914906255, 663.4193783614161, 560.4984337852118, 0.0], [722.6275770806704, 440.2281151892535, 762.64822708333, 562.3250326060062, 0.0], [560.5000689390405, 460.12555458382235, 586.0648489063138, 538.8207628680578, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 48}], "average_area": [13175.618092191198], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 48}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 592, "min_hits": 3, "ios_matrix": [[0.0, 0.09595989435911179, 0.0, 0.0, 0.13899587094783783, 0.0, 0.0, 0.0], [0.1576487272977829, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.23795191943645477, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0, 7], "trackers": [[1181.428914699291, 432.5123522194152, 1255.5122190335496, 656.7609754604624, 0.0], [1243.5764472293163, 437.33395423134925, 1338.6253557638452, 724.4805771995002, 0.0], [1022.4847311499741, 451.6726844602717, 1092.9917835190215, 665.1944083482986, 0.0], [585.7814607621963, 449.31258152330605, 617.369880099104, 546.0841166861286, 0.0], [1102.0226013182148, 402.319357845469, 1199.0571789305734, 695.4160465340819, 0.0], [627.1773338889838, 448.71235415412826, 663.5252262096211, 559.7475623926035, 0.0], [721.613096087541, 440.64402907746154, 761.1283026015349, 561.2095165703971, 0.0], [557.2235258203419, 459.6555210510754, 583.8975326316407, 541.6839523800783, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.2658236378313566, "age": 49}], "average_area": [12680.788194671422], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 277}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 1, "confidence": 0.8454783584238151, "age": 49}], "ret_occluded_trackers": [0, 7], "ret_unmatched_trackers": []}, +{"frame_count": 593, "min_hits": 3, "ios_matrix": [[0.0, 0.08583950996398926, 0.0, 0.0, 0.1672697812318802, 0.0, 0.0, 0.0], [0.14577415585517883, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2880815863609314, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[1182.8141141991036, 431.8158753281506, 1256.843896060575, 655.9024871559269, 0.0], [1245.8662090988182, 435.61386429178356, 1342.4391965265509, 727.3297084450746, 0.0], [1021.4941456860599, 440.1725045409646, 1093.9463713122948, 659.5310654399509, 0.0], [588.0175219240523, 453.5295093952024, 618.2522080083631, 546.2425310102127, 0.0], [1106.8835203740393, 396.95695673912803, 1204.1407310821867, 690.7209686636999, 0.0], [627.3478437291802, 448.71720250317793, 663.6058745435392, 559.4821855961175, 0.0], [726.9155783851202, 440.7958568604834, 766.2338910464507, 560.7646279752308, 0.0], [557.2852936560669, 459.75091738400494, 583.9690750444192, 541.8094076849607, 0.0]], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 50}], "average_area": [12868.813454777326], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 278}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 50}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 594, "min_hits": 3, "ios_matrix": [[0.0, 0.047620199620723724, 0.0, 0.0, 0.1687902808189392, 0.0, 0.0, 0.0], [0.07514254748821259, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2914223372936249, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[1184.1859403388403, 431.0789175537499, 1258.1889464476762, 655.0844797345275, 0.0], [1252.4089750774867, 439.57401070465596, 1345.453194307074, 720.708071963823, 0.0], [1020.8414421646568, 435.8415112981074, 1094.0224520771744, 657.3858092702383, 0.0], [586.613998518986, 450.87612947543084, 617.6902892420013, 546.113525446829, 0.0], [1108.4090438598935, 394.9869870031372, 1205.7520695377873, 689.0082335266605, 0.0], [627.4483145972789, 448.7361069442992, 663.6731067877785, 559.401183600289, 0.0], [728.8737146054699, 440.84609416192336, 768.1144425885469, 560.5796736781234, 0.0], [555.7698563012794, 459.4685676782316, 582.9149951798416, 542.9088992845069, 0.0]], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 51}], "average_area": [12687.576756825665], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 279}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 51}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 595, "min_hits": 3, "ios_matrix": [[0.0, 0.04150944575667381, 0.0, 0.0, 0.16040554642677307, 0.0, 0.0, 0.0], [0.06359759718179703, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2772369384765625, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[1185.5510743572465, 430.32170286710084, 1259.540688956108, 654.2867292253763, 0.0], [1254.5961634640632, 441.1457113271549, 1346.257768585988, 718.1313588208664, 0.0], [1021.32194479169, 452.57835604049666, 1091.6714114514161, 665.627090680601, 0.0], [586.0809163258971, 449.86863325524445, 617.4721382115717, 546.0494491543287, 0.0], [1108.6870478981082, 394.30975757657694, 1206.063728972652, 688.4319069910111, 0.0], [627.5185425660173, 448.7587134157136, 663.7317417497937, 559.3889981174335, 0.0], [723.8609217506697, 440.85832265849336, 763.0699005225941, 560.4956134654033, 0.0], [555.2264786283725, 463.7280348791913, 581.2547260586729, 543.8160626616618, 0.0]], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 52}], "average_area": [12423.681936428951], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 280}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 52}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 596, "min_hits": 3, "ios_matrix": [[0.0, 0.04862414672970772, 0.0, 0.0, 0.2334485799074173, 0.0, 0.0, 0.0], [0.07365066558122635, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.37029844522476196, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [0], "trackers": [[1186.9128609526538, 429.5543556005726, 1260.8957788875387, 653.4991112961045, 0.0], [1255.1327938303136, 441.7597839241578, 1346.2614317079235, 717.1459741939, 0.0], [1031.1915502529646, 448.98675080866843, 1100.430094000908, 658.6999009791004, 0.0], [585.8787549330476, 449.4835692008513, 617.388681347794, 546.0197604195815, 0.0], [1121.0453780509386, 400.650162683507, 1214.308621000502, 682.43817510183, 0.0], [625.5308262077855, 449.1550632062324, 663.4630846772919, 564.9504958414509, 0.0], [724.7607877384053, 444.1778434365872, 760.7665804884705, 554.2187081336532, 0.0], [555.2453391980364, 465.0002311227908, 582.0812446887724, 547.5130178038332, 0.0]], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 53}], "average_area": [12009.37454407938], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 281}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 53}], "ret_occluded_trackers": [0], "ret_unmatched_trackers": []}, +{"frame_count": 597, "min_hits": 3, "ios_matrix": [[0.0, 0.06062539294362068, 0.0, 0.0, 0.2540590763092041, 0.0, 0.0, 0.0], [0.09142832458019257, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.3892253637313843, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1188.2729734957268, 428.78194101240393, 1262.2525428713036, 652.716560688473, 0.0], [1255.0644005877493, 442.0007502626779, 1345.98925995224, 716.7753543793697, 0.0], [1034.4158031490897, 439.08951410379177, 1106.3993066066228, 657.0420595862454, 0.0], [588.040011212809, 453.5617456954186, 618.2411114348994, 546.173656106048, 0.0], [1125.4209331196, 403.20259485287613, 1217.0676978746035, 680.1404572069615, 0.0], [626.5867852777866, 451.97303117438014, 661.9248816685941, 559.9924707983408, 0.0], [725.0469335186165, 447.4111966610776, 761.3228666890834, 558.2503763956249, 0.0], [555.0599467814144, 461.894732296965, 580.9933817948419, 541.6976748238853, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 54}], "average_area": [11915.55224507511], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 282}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 54}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 598, "min_hits": 3, "ios_matrix": [[0.0, 0.13289152085781097, 0.0, 0.0, 0.18862105906009674, 0.0, 0.0, 0.0], [0.20170879364013672, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.2874060273170471, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[1196.6015381581576, 433.0751634462992, 1270.2783319420043, 656.1056792336552, 0.0], [1254.7905256878912, 442.09771220819334, 1345.638038297041, 716.6401861525901, 0.0], [1035.353335281441, 435.3948014720965, 1108.3586809863182, 656.4123789405653, 0.0], [588.908141287738, 453.2832332666787, 617.3452996852071, 540.6059708673049, 0.0], [1126.7523412814028, 404.24046079565824, 1217.7766931849817, 679.3103885756263, 0.0], [627.0493590506389, 453.1300394926061, 661.3485839126156, 558.027096551251, 0.0], [725.1427384860452, 448.6109954070795, 761.5200662248825, 559.7495322405074, 0.0], [555.0066850839492, 460.72853570743985, 580.588389753488, 539.4736123261373, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.8454783584238151, "age": 55}], "average_area": [11835.706909770555], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 283}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 1, "confidence": 0.9360981310860509, "age": 55}], "ret_occluded_trackers": [7], "ret_unmatched_trackers": []}, +{"frame_count": 599, "min_hits": 3, "ios_matrix": [[0.0, 0.029854951426386833, 0.0, 0.0, 0.3045687973499298, 0.0, 0.0, 0.0], [0.037340424954891205, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.41684332489967346, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[1189.5733683801016, 431.21495217356846, 1270.7421268574988, 676.739471290455, 0.0], [1267.570119298445, 442.13903491084454, 1358.388675137907, 716.5946164134951, 0.0], [1035.4306594916961, 434.0347228070586, 1108.8227247634268, 656.2119605041916, 0.0], [586.9159840358722, 450.71932512401617, 617.3324994907776, 543.9843869646975, 0.0], [1128.3893859075392, 397.99676019275927, 1223.4080223710444, 685.0499554389398, 0.0], [627.2614019086085, 453.58727702381316, 661.1574020030736, 557.271242918499, 0.0], [722.6363902833674, 442.01784215036554, 762.6521308471555, 564.0875116715087, 0.0], [554.8732937970254, 460.68967096535334, 580.448538150224, 539.4148615713023, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 1, "confidence": 0.9360981310860509, "age": 56}], "average_area": [12710.677950972316], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 284}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 2, "confidence": 0.44352982460441526, "age": 56}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 6, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1393.2997037695532, 413.27, 1513.559703769553, 776.04, 0.0], [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "average_area": [33416.426909973314], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 60, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788, 0.0], [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "average_area": [27921.612190424865], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 600, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.0, 0.36820515990257263, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.4138615131378174, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], "unmatched_trackers": [7], "trackers": [[1187.2567666132331, 430.78047645607796, 1270.7663315345835, 683.3223234217431, 0.0], [1272.1012859037066, 442.1586154703558, 1362.909377399533, 716.5828085148654, 0.0], [1035.2031019627175, 433.5591937133553, 1108.742441286994, 656.1780206232639, 0.0], [586.1734148075592, 449.79227310125424, 617.313410073347, 545.2227401530818, 0.0], [1134.5524489631732, 406.5484217508134, 1223.1096488320388, 674.225291511198, 0.0], [627.3713759981955, 453.76633278113144, 661.1137642839827, 556.9880580485124, 0.0], [721.717178281468, 439.61526373154913, 763.0380258529558, 565.593479279996, 0.0], [554.739903326247, 460.6508087355087, 580.3086857308147, 539.3561083042254, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 2, "confidence": 0.44352982460441526, "age": 57}], "average_area": [12469.766206175622], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 285}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 0.07305242074847638, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 3, "confidence": 0.3066262371260949, "age": 57}], "ret_occluded_trackers": [], "ret_unmatched_trackers": [7]}, +{"frame_count": 61, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409, 0.0], [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "average_area": [27262.886574737706], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 40}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 62, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484, 0.0], [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}], "average_area": [27433.849680443338], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 63, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "average_area": [28603.579354949135], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 1, "confidence": 1, "age": 42}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 64, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519, 0.0], [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}], "average_area": [28649.622653476756], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 65, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439, 0.0], [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "average_area": [30803.222701009774], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 66, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899, 0.0], [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 45}], "average_area": [29442.49459113522], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 1, "confidence": 1, "age": 45}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 67, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452, 0.0], [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 1, "confidence": 1, "age": 46}], "average_area": [28714.814541007087], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 2, "confidence": 1, "age": 46}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 68, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [1], "trackers": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "average_area": [28437.87819897287], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 3, "confidence": 1, "age": 47}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 69, "min_hits": 3, "ios_matrix": [[0.0, 0.0028746486641466618], [0.003309368621557951, 0.0]], "unmatched_trackers": [1], "trackers": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "average_area": [29521.063616823514], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 4, "confidence": 1, "age": 48}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 7, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.45956724882125854], [0.0, 0.0, 0.0], [0.45956724882125854, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1415.3075557328684, 413.27, 1535.5675557328686, 776.04, 0.0], [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474, 0.0], [1480.2999999999997, 413.27, 1600.56, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [37099.49138231873], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 70, "min_hits": 3, "ios_matrix": [[0.0, 0.044916871935129166], [0.050202541053295135, 0.0]], "unmatched_trackers": [], "trackers": [[612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781, 0.0], [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}], "average_area": [29934.480780161954], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 71, "min_hits": 3, "ios_matrix": [[0.0, 0.1945190280675888], [0.2235114425420761, 0.0]], "unmatched_trackers": [], "trackers": [[611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157, 0.0], [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "average_area": [30715.711127515882], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 72, "min_hits": 3, "ios_matrix": [[0.0, 0.21281138062477112], [0.24452918767929077, 0.0]], "unmatched_trackers": [], "trackers": [[611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148, 0.0], [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "average_area": [30843.84368747562], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 73, "min_hits": 3, "ios_matrix": [[0.0, 0.21783505380153656], [0.2502632439136505, 0.0]], "unmatched_trackers": [], "trackers": [[611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272, 0.0], [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "average_area": [30889.49820060259], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 74, "min_hits": 3, "ios_matrix": [[0.0, 0.21786917746067047], [0.25028789043426514, 0.0]], "unmatched_trackers": [1], "trackers": [[611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596, 0.0], [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 53}], "average_area": [30906.188554407447], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 1, "confidence": 1, "age": 53}], "ret_occluded_trackers": [1], "ret_unmatched_trackers": []}, +{"frame_count": 75, "min_hits": 3, "ios_matrix": [[0.0, 0.234147846698761], [0.2690613567829132, 0.0]], "unmatched_trackers": [], "trackers": [[611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406, 0.0], [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}], "average_area": [30916.657672131783], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 76, "min_hits": 3, "ios_matrix": [[0.0, 0.3512875735759735], [0.448547899723053, 0.0]], "unmatched_trackers": [], "trackers": [[611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263, 0.0], [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "average_area": [32756.25735585234], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 77, "min_hits": 3, "ios_matrix": [[0.0, 0.11449433863162994], [0.14969296753406525, 0.0]], "unmatched_trackers": [], "trackers": [[611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187, 0.0], [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "average_area": [33195.79965718207], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 78, "min_hits": 3, "ios_matrix": [[0.0, 0.04161190241575241], [0.04630572721362114, 0.0]], "unmatched_trackers": [], "trackers": [[611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327, 0.0], [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "average_area": [30395.105006394042], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 79, "min_hits": 3, "ios_matrix": [[0.0, 0.008069813251495361], [0.008386294357478619, 0.0]], "unmatched_trackers": [], "trackers": [[611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474, 0.0], [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "average_area": [29335.65740728794], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 8, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.1881432682275772], [0.0, 0.0, 0.0], [0.14725004136562347, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862, 0.0], [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922, 0.0], [1521.4230769230771, 413.27, 1641.683076923077, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [42327.496908736364], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 80, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756, 0.0], [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "average_area": [26716.14553311332], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 81, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681, 0.0], [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "average_area": [28660.89243611884], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 82, "min_hits": 3, "ios_matrix": [[0.0, 0.0], [0.0, 0.0]], "unmatched_trackers": [], "trackers": [[620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778, 0.0], [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "average_area": [32979.0562601315], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 83, "min_hits": 3, "ios_matrix": [[0.0, 0.07834454625844955], [0.0931447297334671, 0.0]], "unmatched_trackers": [], "trackers": [[616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017, 0.0], [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "average_area": [34626.330485663435], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 84, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.4118708074092865], [0.0, 0.0, 0.0], [0.2559935450553894, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691, 0.0], [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275, 0.0], [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [28782.43960716101], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 85, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.036207519471645355], [0.0, 0.0, 0.0], [0.029550250619649887, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223, 0.0], [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747, 0.0], [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [31994.71112968957], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 86, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.01839083433151245, 0.30945467948913574], [0.0, 0.0, 0.0, 0.39413341879844666], [0.015316120348870754, 0.0, 0.0, 0.0], [0.4505499303340912, 0.45153552293777466, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463, 0.0], [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103, 0.0], [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "average_area": [34156.65181278867], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 87, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3085536062717438], [0.0, 0.0, 0.0, 0.3907923102378845], [0.0, 0.0, 0.0, 0.0], [0.4606456756591797, 0.44753754138946533, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334, 0.0], [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229, 0.0], [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "average_area": [31746.92157423231], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 88, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3088352680206299], [0.0, 0.0, 0.0, 0.39004263281822205], [0.0, 0.0, 0.0, 0.0], [0.46558940410614014, 0.44663354754447937, 0.0, 0.0]], "unmatched_trackers": [3], "trackers": [[632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439, 0.0], [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555, 0.0], [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [31127.620779465662], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 3}], "ret_occluded_trackers": [3], "ret_unmatched_trackers": []}, +{"frame_count": 89, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3095214366912842], [0.0, 0.0, 0.0, 0.512873649597168], [0.0, 0.0, 0.0, 0.0], [0.46838656067848206, 0.5872880816459656, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372, 0.0], [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847, 0.0], [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}], "average_area": [31440.09548461326], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 9, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.23390302062034607], [0.0, 0.0, 0.0], [0.1914031058549881, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255, 0.0], [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201, 0.0], [1518.1134800862365, 413.27, 1638.3734800862362, 776.04, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "average_area": [41899.645008540414], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 90, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3103078603744507], [0.0, 0.0, 0.0, 0.4132522940635681], [0.0, 0.0, 0.0, 0.0], [0.4702628254890442, 0.5594070553779602, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808, 0.0], [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966, 0.0], [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "average_area": [30091.72074467023], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 91, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3110821843147278], [0.0, 0.0, 0.0, 0.3726905882358551], [0.0, 0.0, 0.0, 0.0], [0.47170713543891907, 0.5421939492225647, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306, 0.0], [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824, 0.0], [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "average_area": [30068.44068404959], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 92, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.35245606303215027], [0.0, 0.0, 0.0, 0.35067158937454224], [0.0, 0.0, 0.0, 0.0], [0.477215439081192, 0.46878325939178467, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439, 0.0], [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075, 0.0], [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673, 0.0], [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "average_area": [28404.06065421374], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 93, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.36670419573783875], [0.0, 0.0, 0.0, 0.34156346321105957], [0.0, 0.0, 0.0, 0.0], [0.47738713026046753, 0.44393420219421387, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855, 0.0], [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567, 0.0], [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675, 0.0], [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "average_area": [28307.775265772903], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 94, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.37140002846717834], [0.0, 0.0, 0.0, 0.36146309971809387], [0.0, 0.0, 0.0, 0.0], [0.4779025614261627, 0.42584145069122314, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816, 0.0], [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999, 0.0], [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034, 0.0], [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "average_area": [28980.71443323829], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 95, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3346368968486786], [0.0, 0.0, 0.0, 0.35478612780570984], [0.0, 0.0, 0.0, 0.0], [0.478985458612442, 0.4920625388622284, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825, 0.0], [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731, 0.0], [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496, 0.0], [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "average_area": [30142.760961602326], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 96, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3209060728549957], [0.0, 0.0, 0.0, 0.37401342391967773], [0.0, 0.0, 0.0, 0.0], [0.4765793979167938, 0.5031791925430298, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818, 0.0], [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073, 0.0], [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519, 0.0], [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "average_area": [30305.191119998915], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 97, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.34442323446273804], [0.0, 0.0, 0.0, 0.3747774362564087], [0.0, 0.0, 0.0, 0.0], [0.42898181080818176, 0.45156341791152954, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487, 0.0], [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467, 0.0], [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672, 0.0], [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "average_area": [30027.63505494061], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 98, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.3534412980079651], [0.0, 0.0, 0.0, 0.37492990493774414], [0.0, 0.0, 0.0, 0.0], [0.4123701751232147, 0.43309223651885986, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471, 0.0], [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673, 0.0], [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602, 0.0], [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "average_area": [29941.909528475968], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}, +{"frame_count": 99, "min_hits": 3, "ios_matrix": [[0.0, 0.0, 0.0, 0.35696232318878174], [0.0, 0.0, 0.0, 0.37523970007896423], [0.0, 0.0, 0.0, 0.0], [0.40671664476394653, 0.4269329309463501, 0.0, 0.0]], "unmatched_trackers": [], "trackers": [[635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303, 0.0], [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015, 0.0], [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915, 0.0], [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982, 0.0]], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "average_area": [30347.838574531506], "conf_trgt": 0.35, "conf_objt": 0.75, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "ret_occluded_trackers": [], "ret_unmatched_trackers": []}] diff --git a/spec/res/tracker__build_new_targets.json b/spec/res/tracker__build_new_targets.json new file mode 100644 index 0000000..66a2375 --- /dev/null +++ b/spec/res/tracker__build_new_targets.json @@ -0,0 +1,335 @@ +{"invocations": [ +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "area_avg": 32670.081429999995, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_area_avg": 32670.081429999995, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "area_avg": 40559.669920511325, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "ret_area_avg": 40559.669920511325, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "area_avg": 32670.081429999995, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_area_avg": 32670.081429999995, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "area_avg": 40559.669920511325, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "ret_area_avg": 40559.669920511325, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "area_avg": 32670.081429999995, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_area_avg": 32670.081429999995, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "area_avg": 32670.081429999995, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_unmatched": [[729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_area_avg": 32670.081429999995, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "area_avg": 40559.669920511325, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "ret_area_avg": 40559.669920511325, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "area_avg": 37894.16347344116, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "ret_unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "ret_area_avg": 37894.16347344116, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.87614]], "area_avg": 33416.426909973314, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[643.66, 461.78, 703.289, 642.67, 0.74373]], "ret_unmatched": [], "ret_area_avg": 33416.426909973314, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [[643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched_before": [], "unmatched": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "area_avg": 37099.49138231873, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [[643.66, 461.78, 703.289, 642.67, 0.74373]], "ret_unmatched_before": [], "ret_unmatched": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "ret_area_avg": 37099.49138231873, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "area_avg": 42327.496908736364, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "ret_unmatched": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "ret_area_avg": 42327.496908736364, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "area_avg": 41899.645008540414, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "ret_unmatched_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "ret_unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "ret_area_avg": 41899.645008540414, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "area_avg": 43632.14584964385, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "ret_unmatched": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "ret_area_avg": 43632.14584964385, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "area_avg": 42257.88713731571, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "ret_unmatched_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "ret_unmatched": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "ret_area_avg": 42257.88713731571, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "area_avg": 40780.42096181836, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "ret_unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "ret_unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "ret_area_avg": 40780.42096181836, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "area_avg": 41242.063343166206, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "ret_unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "ret_unmatched": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "ret_area_avg": 41242.063343166206, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "area_avg": 44227.14630929491, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "ret_unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "ret_unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "ret_area_avg": 44227.14630929491, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "area_avg": 44914.9080941074, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "ret_unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "ret_area_avg": 44914.9080941074, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "area_avg": 46961.41488824861, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207]], "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "ret_unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "ret_area_avg": 46961.41488824861, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "area_avg": 35233.49032028802, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 1, "confidence": 1, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "ret_unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "ret_unmatched": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_area_avg": 35233.49032028802, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 1, "confidence": 1, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "area_avg": 33987.1930667672, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_unmatched": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_area_avg": 33987.1930667672, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "area_avg": 34807.352144271434, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_unmatched": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "ret_area_avg": 34807.352144271434, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "area_avg": 34988.46766943957, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "ret_unmatched": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "ret_area_avg": 34988.46766943957, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "unmatched": [[478.86, 442.1, 569.756, 716.79, 1.1515]], "area_avg": 32697.497424139863, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 32697.497424139863, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 31686.64921068143, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 31686.64921068143, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "area_avg": 31339.745890002065, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "ret_area_avg": 31339.745890002065, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "area_avg": 35070.313684360284, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "ret_unmatched": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "ret_area_avg": 35070.313684360284, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "area_avg": 38227.43009144287, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "ret_unmatched": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_area_avg": 38227.43009144287, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "area_avg": 37521.95254768199, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_unmatched": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_area_avg": 37521.95254768199, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "area_avg": 37933.0836814937, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_unmatched": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "ret_area_avg": 37933.0836814937, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "area_avg": 36387.005629979845, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "ret_unmatched": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "ret_area_avg": 36387.005629979845, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched": [], "area_avg": 37675.40517195888, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "ret_unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "ret_unmatched": [], "ret_area_avg": 37675.40517195888, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched_before": [], "unmatched": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "area_avg": 36976.43864375954, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 2, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "ret_unmatched_before": [], "ret_unmatched": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_area_avg": 36976.43864375954, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 2, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "area_avg": 39085.88616223032, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 3, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_unmatched": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "ret_area_avg": 39085.88616223032, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 3, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}]}, +{"unmatched_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "area_avg": 40794.528893818206, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_unmatched_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "ret_unmatched": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "ret_area_avg": 40794.528893818206, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}]}, +{"unmatched_before_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "unmatched": [[672.78, 433.93, 746.423, 656.86, 0.43969], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982]], "area_avg": 38725.18380509759, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_unmatched_before_before": [[601.19, 446.86, 685.932, 703.09, 1.2662]], "ret_unmatched_before": [], "ret_unmatched": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_area_avg": 38725.18380509759, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "area_avg": 31568.928828889213, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_unmatched": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_area_avg": 31568.928828889213, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "area_avg": 31188.62597979776, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_unmatched": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_area_avg": 31188.62597979776, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "area_avg": 31427.564092942466, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_unmatched": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "ret_area_avg": 31427.564092942466, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "area_avg": 31042.91497519174, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "ret_unmatched": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "ret_area_avg": 31042.91497519174, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched": [], "area_avg": 31376.4938283896, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "ret_unmatched_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "ret_unmatched": [], "ret_area_avg": 31376.4938283896, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched_before": [], "unmatched": [], "area_avg": 32140.024557898996, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 32140.024557898996, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 31294.558996880154, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 31294.558996880154, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 34418.13851418193, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 34418.13851418193, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 34492.464697363896, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 34492.464697363896, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 35274.6700000262, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 35274.6700000262, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 33117.99068126504, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 33117.99068126504, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 34632.66440931911, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 39}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 34632.66440931911, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 39}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "area_avg": 34855.10554945025, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 13}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "ret_area_avg": 34855.10554945025, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 13}]}, +{"unmatched_before_before": [], "unmatched_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched": [], "area_avg": 31090.440769758385, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 14}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "ret_unmatched": [], "ret_area_avg": 31090.440769758385, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 14}]}, +{"unmatched_before_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched_before": [], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "area_avg": 30580.30947756609, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 15}], "ret_unmatched_before_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "ret_unmatched_before": [], "ret_unmatched": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_area_avg": 30580.30947756609, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 15}]}, +{"unmatched_before_before": [], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "area_avg": 30356.96574292538, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 16}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_unmatched": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "ret_area_avg": 30356.96574292538, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 16}]}, +{"unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched": [], "area_avg": 30200.655370054126, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 5, "confidence": 0.05941371320786847, "age": 17}], "ret_unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_unmatched_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "ret_unmatched": [], "ret_area_avg": 30200.655370054126, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 5, "confidence": 0.05941371320786847, "age": 17}]}, +{"unmatched_before_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched_before": [], "unmatched": [], "area_avg": 36371.71462690643, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_unmatched_before_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 36371.71462690643, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 36355.65667584492, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 36355.65667584492, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "area_avg": 36348.81268834209, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_area_avg": 36348.81268834209, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}]}, +{"unmatched_before_before": [], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "area_avg": 20176.22774786844, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_unmatched": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_area_avg": 20176.22774786844, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}]}, +{"unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "area_avg": 19744.05829019198, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_unmatched": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "ret_area_avg": 19744.05829019198, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}]}, +{"unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched": [], "area_avg": 19578.10849650839, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_unmatched_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "ret_unmatched": [], "ret_area_avg": 19578.10849650839, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}]}, +{"unmatched_before_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched_before": [], "unmatched": [], "area_avg": 19513.879441629728, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_unmatched_before_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 19513.879441629728, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 20555.66949370799, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 8, "confidence": 0.09081433041105472, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 20555.66949370799, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 8, "confidence": 0.09081433041105472, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "area_avg": 29647.73596969802, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "ret_area_avg": 29647.73596969802, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}]}, +{"unmatched_before_before": [], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched": [], "area_avg": 27921.612190424865, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "ret_unmatched": [], "ret_area_avg": 27921.612190424865, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}]}, +{"unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched_before": [], "unmatched": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "area_avg": 27262.886574737706, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 40}], "ret_unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "ret_unmatched_before": [], "ret_unmatched": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "ret_area_avg": 27262.886574737706, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 40}]}, +{"unmatched_before_before": [], "unmatched_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "area_avg": 27433.849680443338, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "ret_unmatched": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "ret_area_avg": 27433.849680443338, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}]}, +{"unmatched_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "area_avg": 28603.579354949135, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 1, "confidence": 1, "age": 42}], "ret_unmatched_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "ret_unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "ret_unmatched": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "ret_area_avg": 28603.579354949135, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 1, "confidence": 1, "age": 42}]}, +{"unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched": [], "area_avg": 28649.622653476756, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}], "ret_unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "ret_unmatched_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "ret_unmatched": [], "ret_area_avg": 28649.622653476756, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}]}, +{"unmatched_before_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched_before": [], "unmatched": [], "area_avg": 30803.222701009774, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "ret_unmatched_before_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30803.222701009774, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 29442.49459113522, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 1, "confidence": 1, "age": 45}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 29442.49459113522, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 1, "confidence": 1, "age": 45}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "area_avg": 28714.814541007087, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 2, "confidence": 1, "age": 46}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_area_avg": 28714.814541007087, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 2, "confidence": 1, "age": 46}]}, +{"unmatched_before_before": [], "unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "area_avg": 28437.87819897287, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 3, "confidence": 1, "age": 47}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_area_avg": 28437.87819897287, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 3, "confidence": 1, "age": 47}]}, +{"unmatched_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "area_avg": 29521.063616823514, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 4, "confidence": 1, "age": 48}], "ret_unmatched_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "ret_area_avg": 29521.063616823514, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 4, "confidence": 1, "age": 48}]}, +{"unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched": [], "area_avg": 29934.480780161954, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}], "ret_unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "ret_unmatched": [], "ret_area_avg": 29934.480780161954, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}]}, +{"unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched_before": [], "unmatched": [], "area_avg": 30715.711127515882, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "ret_unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30715.711127515882, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30843.84368747562, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30843.84368747562, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "area_avg": 30889.49820060259, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "ret_area_avg": 30889.49820060259, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}]}, +{"unmatched_before_before": [], "unmatched_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched": [], "area_avg": 30906.188554407447, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 1, "confidence": 1, "age": 53}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "ret_unmatched": [], "ret_area_avg": 30906.188554407447, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 1, "confidence": 1, "age": 53}]}, +{"unmatched_before_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched_before": [], "unmatched": [], "area_avg": 30916.657672131783, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}], "ret_unmatched_before_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30916.657672131783, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "area_avg": 32756.25735585234, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "ret_area_avg": 32756.25735585234, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}]}, +{"unmatched_before_before": [], "unmatched_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "area_avg": 33195.79965718207, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "ret_unmatched": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "ret_area_avg": 33195.79965718207, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}]}, +{"unmatched_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "area_avg": 30395.105006394042, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_unmatched_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "ret_unmatched_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "ret_unmatched": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "ret_area_avg": 30395.105006394042, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}]}, +{"unmatched_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "area_avg": 29335.65740728794, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_unmatched_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "ret_unmatched_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "ret_unmatched": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "ret_area_avg": 29335.65740728794, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}]}, +{"unmatched_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "area_avg": 26716.14553311332, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_unmatched_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "ret_unmatched_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "ret_unmatched": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "ret_area_avg": 26716.14553311332, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}]}, +{"unmatched_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "area_avg": 28660.89243611884, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_unmatched_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "ret_unmatched_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "ret_unmatched": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "ret_area_avg": 28660.89243611884, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}]}, +{"unmatched_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "area_avg": 32979.0562601315, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_unmatched_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "ret_unmatched_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "ret_unmatched": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "ret_area_avg": 32979.0562601315, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}]}, +{"unmatched_before_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "unmatched": [[702.64, 463.78, 776.283, 686.71, 0.7767], [558.78, 437.53, 679.04, 800.3, 0.44773]], "area_avg": 34626.330485663435, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "ret_area_avg": 34626.330485663435, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "area_avg": 28782.43960716101, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "ret_unmatched": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "ret_area_avg": 28782.43960716101, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.81955]], "area_avg": 31994.71112968957, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 31994.71112968957, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 34156.65181278867, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 34156.65181278867, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "area_avg": 31746.92157423231, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "ret_area_avg": 31746.92157423231, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched": [], "area_avg": 31127.620779465662, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "ret_unmatched": [], "ret_area_avg": 31127.620779465662, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 3}]}, +{"unmatched_before_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched_before": [], "unmatched": [], "area_avg": 31440.09548461326, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}], "ret_unmatched_before_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 31440.09548461326, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30091.72074467023, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30091.72074467023, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30068.44068404959, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30068.44068404959, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28404.06065421374, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28404.06065421374, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28307.775265772903, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28307.775265772903, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28980.71443323829, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28980.71443323829, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30142.760961602326, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30142.760961602326, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30305.191119998915, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30305.191119998915, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30027.63505494061, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30027.63505494061, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 29941.909528475968, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 29941.909528475968, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30347.838574531506, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30347.838574531506, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "area_avg": 31982.600988986174, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "ret_area_avg": 31982.600988986174, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}]}, +{"unmatched_before_before": [], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "area_avg": 31918.83544194523, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "ret_unmatched": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "ret_area_avg": 31918.83544194523, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}]}, +{"unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched": [], "area_avg": 33007.47532835774, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "ret_unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "ret_unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "ret_unmatched": [], "ret_area_avg": 33007.47532835774, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}]}, +{"unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched_before": [], "unmatched": [], "area_avg": 34088.2563541501, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "ret_unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 34088.2563541501, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 32423.53867598383, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 32423.53867598383, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "area_avg": 32750.906720752726, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 1, "confidence": 1, "age": 20}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "ret_area_avg": 32750.906720752726, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 1, "confidence": 1, "age": 20}]}, +{"unmatched_before_before": [], "unmatched_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "area_avg": 32097.463476593133, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "ret_unmatched": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "ret_area_avg": 32097.463476593133, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}]}, +{"unmatched_before_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched": [], "area_avg": 33423.82041528031, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 1, "confidence": 1, "age": 22}], "ret_unmatched_before_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "ret_unmatched_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "ret_unmatched": [], "ret_area_avg": 33423.82041528031, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 1, "confidence": 1, "age": 22}]}, +{"unmatched_before_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched_before": [], "unmatched": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "area_avg": 33884.978566405654, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 2, "confidence": 1, "age": 23}], "ret_unmatched_before_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "ret_unmatched_before": [], "ret_unmatched": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "ret_area_avg": 33884.978566405654, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 2, "confidence": 1, "age": 23}]}, +{"unmatched_before_before": [], "unmatched_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "area_avg": 33277.75856583667, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "ret_unmatched": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "ret_area_avg": 33277.75856583667, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}]}, +{"unmatched_before_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "area_avg": 33854.387728327434, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 1, "confidence": 1, "age": 25}], "ret_unmatched_before_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "ret_unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "ret_unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "ret_area_avg": 33854.387728327434, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 1, "confidence": 1, "age": 25}]}, +{"unmatched_before_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "area_avg": 34841.36240664116, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}], "ret_unmatched_before_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "ret_unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "ret_unmatched": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "ret_area_avg": 34841.36240664116, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}]}, +{"unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched": [], "area_avg": 36505.66857242135, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "ret_unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "ret_unmatched_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "ret_unmatched": [], "ret_area_avg": 36505.66857242135, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}]}, +{"unmatched_before_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched_before": [], "unmatched": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "area_avg": 34984.07921631349, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "ret_unmatched_before_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "ret_unmatched_before": [], "ret_unmatched": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "ret_area_avg": 34984.07921631349, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}]}, +{"unmatched_before_before": [], "unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "area_avg": 34741.248121326076, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "ret_unmatched": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "ret_area_avg": 34741.248121326076, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}]}, +{"unmatched_before_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched": [], "area_avg": 34976.6155786298, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "ret_unmatched_before_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "ret_unmatched_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "ret_unmatched": [], "ret_area_avg": 34976.6155786298, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}]}, +{"unmatched_before_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched_before": [], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "area_avg": 30569.561223767876, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "ret_unmatched_before_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "ret_unmatched_before": [], "ret_unmatched": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "ret_area_avg": 30569.561223767876, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}]}, +{"unmatched_before_before": [], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "area_avg": 31312.951072800024, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "ret_unmatched": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_area_avg": 31312.951072800024, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}]}, +{"unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "area_avg": 31360.703525707064, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "ret_unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_unmatched": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "ret_area_avg": 31360.703525707064, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}]}, +{"unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "area_avg": 30832.359653102012, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "ret_unmatched": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "ret_area_avg": 30832.359653102012, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}]}, +{"unmatched_before_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "unmatched": [[534.0, 460.48, 555.974, 528.402, 1.1785]], "area_avg": 31846.285434349862, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 31846.285434349862, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 25108.921295621116, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 25108.921295621116, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "area_avg": 24852.888538354382, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "ret_area_avg": 24852.888538354382, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched": [], "area_avg": 23909.477853805794, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "ret_unmatched": [], "ret_area_avg": 23909.477853805794, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 3}]}, +{"unmatched_before_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched_before": [], "unmatched": [], "area_avg": 24392.339542411268, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}], "ret_unmatched_before_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 24392.339542411268, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 24631.07530317627, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 24631.07530317627, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 25130.236593565387, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 25130.236593565387, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 25304.652245139143, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 25304.652245139143, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 25585.883632352623, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 25585.883632352623, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 26691.787404530634, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 26691.787404530634, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "area_avg": 27522.416349693645, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_area_avg": 27522.416349693645, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "area_avg": 27418.487938284845, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_unmatched": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_area_avg": 27418.487938284845, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 11}]}, +{"unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "area_avg": 28492.686209752963, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "ret_unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_unmatched": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "ret_area_avg": 28492.686209752963, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}]}, +{"unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "area_avg": 29257.66140513454, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "ret_unmatched": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "ret_area_avg": 29257.66140513454, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}]}, +{"unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched": [], "area_avg": 28451.87853920746, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 14}], "ret_unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "ret_unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "ret_unmatched": [], "ret_area_avg": 28451.87853920746, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 14}]}, +{"unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched_before": [], "unmatched": [], "area_avg": 28837.919879875284, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}], "ret_unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28837.919879875284, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28546.857119808334, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 16}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28546.857119808334, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 16}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 29970.802604106546, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 17}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 29970.802604106546, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 17}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 30512.140516251762, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 18}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 30512.140516251762, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 18}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28964.331506648374, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 19}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28964.331506648374, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 19}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 28993.610417058226, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 20}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 28993.610417058226, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 20}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 27361.042019642093, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 26, "confidence": 0.28045985562197634, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 6, "confidence": 0.020295388209911832, "age": 21}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 27361.042019642093, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 26, "confidence": 0.28045985562197634, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 6, "confidence": 0.020295388209911832, "age": 21}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "area_avg": 44674.98279258076, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "ret_area_avg": 44674.98279258076, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}]}, +{"unmatched_before_before": [], "unmatched_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "area_avg": 42839.50854320139, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "ret_unmatched": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "ret_area_avg": 42839.50854320139, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}]}, +{"unmatched_before_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "area_avg": 40305.19371358487, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_unmatched_before_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "ret_unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "ret_unmatched": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "ret_area_avg": 40305.19371358487, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}]}, +{"unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "area_avg": 42995.54322102978, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "ret_unmatched_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "ret_unmatched": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "ret_area_avg": 42995.54322102978, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}]}, +{"unmatched_before_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "area_avg": 42189.70037304218, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_unmatched_before_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "ret_unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "ret_unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "ret_area_avg": 42189.70037304218, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}]}, +{"unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "area_avg": 41879.3692563351, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "ret_unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "ret_unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "ret_area_avg": 41879.3692563351, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}]}, +{"unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "area_avg": 39239.14569611801, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "ret_unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "ret_unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "ret_area_avg": 39239.14569611801, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}]}, +{"unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "area_avg": 39836.0147023516, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "ret_unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "ret_unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "ret_unmatched": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "ret_area_avg": 39836.0147023516, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}]}, +{"unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "area_avg": 39378.71188770526, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "ret_unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "ret_unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "ret_unmatched": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "ret_area_avg": 39378.71188770526, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}]}, +{"unmatched_before_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "area_avg": 41126.6642030188, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "ret_unmatched_before_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "ret_unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "ret_unmatched": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "ret_area_avg": 41126.6642030188, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}]}, +{"unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "area_avg": 42985.86866180526, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "ret_unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "ret_unmatched_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "ret_unmatched": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "ret_area_avg": 42985.86866180526, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}]}, +{"unmatched_before_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched_before": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched": [[497.0, 449.0, 536.0, 568.0, 1.118], [705.0, 321.0, 864.0, 800.0, 0.48164]], "area_avg": 43192.34384876516, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "ret_unmatched": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "ret_area_avg": 43192.34384876516, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "area_avg": 33611.445346253226, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "ret_unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "ret_unmatched": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_area_avg": 33611.445346253226, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "area_avg": 33631.30541697515, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "ret_unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_unmatched": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "ret_area_avg": 33631.30541697515, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "unmatched": [[892.72, 429.71, 977.462, 685.94, 0.70477]], "area_avg": 37881.73192474145, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 3}], "ret_unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 37881.73192474145, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "area_avg": 33817.91732965426, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "ret_area_avg": 33817.91732965426, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched": [], "area_avg": 33418.17337668268, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "ret_unmatched": [], "ret_area_avg": 33418.17337668268, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched_before": [], "unmatched": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "area_avg": 33808.022337685776, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 4, "confidence": 0.020591266565273242, "age": 6}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 3}], "ret_unmatched_before_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "ret_unmatched_before": [], "ret_unmatched": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "ret_area_avg": 33808.022337685776, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 4, "confidence": 0.020591266565273242, "age": 6}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 41281.263769303965, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 41281.263769303965, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 47291.54974416134, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 47291.54974416134, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 53373.56236835373, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 53373.56236835373, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "area_avg": 58446.199813166924, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "ret_area_avg": 58446.199813166924, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched": [], "area_avg": 55166.8799378126, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "ret_unmatched": [], "ret_area_avg": 55166.8799378126, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}]}, +{"unmatched_before_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched_before": [], "unmatched": [], "area_avg": 59937.65651221584, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "ret_unmatched_before_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 59937.65651221584, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 61728.306325799946, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 61728.306325799946, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "area_avg": 60046.85728109523, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "ret_area_avg": 60046.85728109523, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched": [], "area_avg": 60685.4248956237, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "ret_unmatched": [], "ret_area_avg": 60685.4248956237, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}]}, +{"unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched_before": [], "unmatched": [], "area_avg": 61525.851928130054, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "ret_unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 61525.851928130054, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 62036.0651173646, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 62036.0651173646, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "area_avg": 62363.17126778268, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "ret_area_avg": 62363.17126778268, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}]}, +{"unmatched_before_before": [], "unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "area_avg": 59957.54060417393, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "ret_unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_area_avg": 59957.54060417393, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}]}, +{"unmatched_before_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "area_avg": 62483.30821791463, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 2, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_unmatched_before_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "ret_unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "ret_area_avg": 62483.30821791463, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 2, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}]}, +{"unmatched_before_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "area_avg": 64174.110696734395, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_unmatched_before_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_unmatched_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "ret_unmatched": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_area_avg": 64174.110696734395, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}]}, +{"unmatched_before_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "area_avg": 56511.03043192209, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_unmatched_before_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "ret_unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_unmatched": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "ret_area_avg": 56511.03043192209, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}]}, +{"unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "area_avg": 55229.5371756217, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "ret_unmatched": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_area_avg": 55229.5371756217, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}]}, +{"unmatched_before_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "area_avg": 54724.16330952654, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 3, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_unmatched_before_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "ret_unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_unmatched": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "ret_area_avg": 54724.16330952654, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 3, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}]}, +{"unmatched_before_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched": [], "area_avg": 54519.31329919544, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "ret_unmatched_before_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "ret_unmatched": [], "ret_area_avg": 54519.31329919544, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}]}, +{"unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched_before": [], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "area_avg": 54480.41403198173, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "ret_unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "ret_unmatched_before": [], "ret_unmatched": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_area_avg": 54480.41403198173, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}]}, +{"unmatched_before_before": [], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "area_avg": 53939.02911406437, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_unmatched": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_area_avg": 53939.02911406437, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}]}, +{"unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "area_avg": 49865.200217524354, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_unmatched": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_area_avg": 49865.200217524354, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}]}, +{"unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "area_avg": 51701.48161951506, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_area_avg": 51701.48161951506, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}]}, +{"unmatched_before_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "area_avg": 52711.85334512396, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_unmatched_before_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "ret_area_avg": 52711.85334512396, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}]}, +{"unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "area_avg": 48711.517890507304, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "ret_unmatched": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "ret_area_avg": 48711.517890507304, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}]}, +{"unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "area_avg": 47885.52422544819, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 7, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "ret_unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "ret_unmatched": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "ret_area_avg": 47885.52422544819, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 7, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}]}, +{"unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "area_avg": 51242.19921113908, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 8, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "ret_unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "ret_unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "ret_area_avg": 51242.19921113908, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 8, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}]}, +{"unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "area_avg": 52520.60098107217, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 9, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "ret_unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "ret_unmatched": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "ret_area_avg": 52520.60098107217, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 9, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}]}, +{"unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched": [], "area_avg": 55067.24377653161, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "ret_unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "ret_unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "ret_unmatched": [], "ret_area_avg": 55067.24377653161, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}]}, +{"unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched_before": [], "unmatched": [], "area_avg": 56735.82738525428, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "ret_unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 56735.82738525428, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "area_avg": 54606.893591029184, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "ret_area_avg": 54606.893591029184, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}]}, +{"unmatched_before_before": [], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "area_avg": 52569.57427413261, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "ret_unmatched": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "ret_area_avg": 52569.57427413261, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}]}, +{"unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "area_avg": 51055.32089337418, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "ret_unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "ret_unmatched": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "ret_area_avg": 51055.32089337418, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}]}, +{"unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "area_avg": 50520.77966317534, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "ret_unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "ret_unmatched_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "ret_unmatched": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "ret_area_avg": 50520.77966317534, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}]}, +{"unmatched_before_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.32472], [566.69, 453.55, 622.259, 622.26, 0.85701]], "area_avg": 47635.88530327077, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 1, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "ret_unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "ret_unmatched": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_area_avg": 47635.88530327077, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 1, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "area_avg": 43449.852171076614, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 2, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_unmatched": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "ret_area_avg": 43449.852171076614, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 2, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched": [], "area_avg": 44253.57667307464, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 3, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "ret_unmatched": [], "ret_area_avg": 44253.57667307464, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 3, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched_before": [], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "area_avg": 47244.13736987644, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 4, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "ret_unmatched_before": [], "ret_unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "ret_area_avg": 47244.13736987644, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 4, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "area_avg": 48380.105753454925, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 5, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "ret_unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "ret_area_avg": 48380.105753454925, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 5, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "area_avg": 46918.62628418121, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 6, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "ret_unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "ret_unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "ret_area_avg": 46918.62628418121, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 6, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.99898]], "area_avg": 46604.7254980452, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 7, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [[513.0, 449.0, 552.0, 568.0, 0.67795]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 46604.7254980452, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 7, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "area_avg": 39945.675495869524, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 8, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_area_avg": 39945.675495869524, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 8, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "area_avg": 42276.388344540646, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 9, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_unmatched": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "ret_area_avg": 42276.388344540646, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 9, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched": [], "area_avg": 42090.96540872055, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 10, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 3}], "ret_unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "ret_unmatched": [], "ret_area_avg": 42090.96540872055, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 10, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 3}]}, +{"unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched_before": [], "unmatched": [], "area_avg": 41912.60440267493, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 4}], "ret_unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 41912.60440267493, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 41843.95973501963, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 41843.95973501963, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "area_avg": 40766.97081207496, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 4, "confidence": 0.020402519515892073, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "ret_area_avg": 40766.97081207496, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 4, "confidence": 0.020402519515892073, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "area_avg": 47748.153114414155, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "ret_unmatched": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "ret_area_avg": 47748.153114414155, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}]}, +{"unmatched_before_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "area_avg": 55744.890045175, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_unmatched_before_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "ret_unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "ret_unmatched": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "ret_area_avg": 55744.890045175, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}]}, +{"unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.90314], [846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "area_avg": 56124.962053241514, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "ret_unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "ret_area_avg": 56124.962053241514, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "area_avg": 47650.77195936019, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "ret_unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "ret_unmatched": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "ret_area_avg": 47650.77195936019, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched": [], "area_avg": 47849.145215178396, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "ret_unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "ret_unmatched": [], "ret_area_avg": 47849.145215178396, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched_before": [], "unmatched": [], "area_avg": 46330.09212011282, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 46330.09212011282, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 48425.949441690194, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 48425.949441690194, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "area_avg": 49551.73234305009, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 129}, {"time_since_observed": 1, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "ret_area_avg": 49551.73234305009, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 129}, {"time_since_observed": 1, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 47203.7987550161, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 2, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 47203.7987550161, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 2, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 43859.946927752346, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 3, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 43859.946927752346, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 3, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "area_avg": 44807.904525242164, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 4, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_area_avg": 44807.904525242164, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 4, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "area_avg": 48167.2671472216, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 5, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "ret_area_avg": 48167.2671472216, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 5, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "area_avg": 46316.96103936528, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "ret_unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "ret_area_avg": 46316.96103936528, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}]}, +{"unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 1.1208], [1209.6, 449.36, 1241.09, 545.83, 1.0367]], "area_avg": 44127.10991182834, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 1, "confidence": 1, "age": 135}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 44127.10991182834, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 1, "confidence": 1, "age": 135}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 51063.37239601586, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 2, "confidence": 1, "age": 136}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 51063.37239601586, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 2, "confidence": 1, "age": 136}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 51435.57929995052, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 3, "confidence": 1, "age": 137}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 51435.57929995052, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 3, "confidence": 1, "age": 137}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 50483.674229266355, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 4, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 50483.674229266355, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 4, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 55729.9564821064, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 5, "confidence": 1, "age": 139}, {"time_since_observed": 1, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 55729.9564821064, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 5, "confidence": 1, "age": 139}, {"time_since_observed": 1, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 55607.34010490582, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 6, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 4, "confidence": 0.006828775423956966, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 55607.34010490582, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 6, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 4, "confidence": 0.006828775423956966, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 62812.34323326364, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 7, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 62812.34323326364, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 7, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 63558.05769836639, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 8, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 63558.05769836639, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 8, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 66852.48173973642, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 66852.48173973642, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 66059.76300842503, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 66059.76300842503, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 64655.1264411128, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 64655.1264411128, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 65045.532709472485, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 2, "confidence": 1, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 65045.532709472485, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 2, "confidence": 1, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 66644.9220662642, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 3, "confidence": 1, "age": 147}, {"time_since_observed": 3, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 66644.9220662642, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 3, "confidence": 1, "age": 147}, {"time_since_observed": 3, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 67107.75170800193, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 4, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 67107.75170800193, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 4, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 74474.99740607243, "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 5, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 74474.99740607243, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 5, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 74750.26723740135, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 6, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 74750.26723740135, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 6, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 75767.11281165518, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 7, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 75767.11281165518, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 7, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 76133.4706092537, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 76133.4706092537, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 75251.88217698653, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 75251.88217698653, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "area_avg": 75166.23970992707, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_area_avg": 75166.23970992707, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}]}, +{"unmatched_before_before": [], "unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "area_avg": 75216.46689096665, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_unmatched": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "ret_area_avg": 75216.46689096665, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}]}, +{"unmatched_before_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched": [], "area_avg": 72684.51265503377, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "ret_unmatched_before_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_unmatched_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "ret_unmatched": [], "ret_area_avg": 72684.51265503377, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}]}, +{"unmatched_before_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched_before": [], "unmatched": [], "area_avg": 69211.25630705862, "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 2, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "ret_unmatched_before_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 69211.25630705862, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 2, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 58520.676907773755, "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 3, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 58520.676907773755, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 3, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 60122.32610595256, "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 60122.32610595256, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 60729.29062081332, "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 60729.29062081332, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 58989.82019478766, "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 58989.82019478766, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 57902.96751171428, "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 57902.96751171428, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 59363.5961439048, "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 59363.5961439048, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "area_avg": 60105.09362720861, "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 248}, {"time_since_observed": 1, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "ret_area_avg": 60105.09362720861, "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 248}, {"time_since_observed": 1, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}]}, +{"unmatched_before_before": [], "unmatched_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched": [], "area_avg": 58513.51472166822, "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 1, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "ret_unmatched": [], "ret_area_avg": 58513.51472166822, "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 1, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}]}, +{"unmatched_before_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched_before": [], "unmatched": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "area_avg": 62109.78534768047, "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 2, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_unmatched_before_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "ret_unmatched_before": [], "ret_unmatched": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "ret_area_avg": 62109.78534768047, "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 2, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}]}, +{"unmatched_before_before": [], "unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "area_avg": 57099.55907474278, "kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 3, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "ret_unmatched": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "ret_area_avg": 57099.55907474278, "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 3, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}]}, +{"unmatched_before_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched": [], "area_avg": 57502.18099374439, "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 252}, {"time_since_observed": 1, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 4, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_unmatched_before_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "ret_unmatched_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "ret_unmatched": [], "ret_area_avg": 57502.18099374439, "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 252}, {"time_since_observed": 1, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 4, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}]}, +{"unmatched_before_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched_before": [], "unmatched": [], "area_avg": 58228.73308030546, "kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 253}, {"time_since_observed": 2, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 5, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_unmatched_before_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 58228.73308030546, "ret_kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 253}, {"time_since_observed": 2, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 5, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 59376.752801466275, "kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 254}, {"time_since_observed": 3, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 6, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 59376.752801466275, "ret_kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 254}, {"time_since_observed": 3, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 6, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "area_avg": 61058.94598951069, "kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 255}, {"time_since_observed": 4, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 7, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "ret_area_avg": 61058.94598951069, "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 255}, {"time_since_observed": 4, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 7, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 60792.504481993434, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 5, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 8, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 60792.504481993434, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 5, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 8, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 70380.27006909935, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 6, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 9, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 70380.27006909935, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 6, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 9, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "area_avg": 70632.05944203556, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 7, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 10, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "ret_area_avg": 70632.05944203556, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 7, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 10, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}]}, +{"unmatched_before_before": [], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "area_avg": 78916.25335657185, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 8, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "ret_unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "ret_area_avg": 78916.25335657185, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 8, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}]}, +{"unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched": [], "area_avg": 76949.6472705005, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 9, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "ret_unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "ret_unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "ret_unmatched": [], "ret_area_avg": 76949.6472705005, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 9, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}]}, +{"unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched_before": [], "unmatched": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "area_avg": 73336.21441684182, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 10, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "ret_unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "ret_unmatched_before": [], "ret_unmatched": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "ret_area_avg": 73336.21441684182, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 10, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}]}, +{"unmatched_before_before": [], "unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "area_avg": 75564.98921372987, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 11, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "ret_unmatched": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "ret_area_avg": 75564.98921372987, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 11, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}]}, +{"unmatched_before_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "unmatched": [[629.0, 457.0, 648.0, 516.0, 0.61433]], "area_avg": 73853.9344080118, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 12, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 73853.9344080118, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 12, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 64829.09025145869, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 13, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 64829.09025145869, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 13, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "area_avg": 65450.451604333546, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 14, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "ret_area_avg": 65450.451604333546, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 14, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "area_avg": 65373.13324900514, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 15, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "ret_unmatched": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "ret_area_avg": 65373.13324900514, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 15, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 3}]}, +{"unmatched_before_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "unmatched": [[1650.1, 413.27, 1770.36, 776.04, 1.3852]], "area_avg": 65664.60980061433, "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 4, "confidence": 0.001707160072075099, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 65664.60980061433, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 4, "confidence": 0.001707160072075099, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 74741.26293820144, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 74741.26293820144, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 74545.32643638893, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 74545.32643638893, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 68281.51363422099, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 68281.51363422099, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 74649.28478173699, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 74649.28478173699, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "area_avg": 73060.6574958258, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 272}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "ret_area_avg": 73060.6574958258, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 272}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [], "unmatched_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched": [], "area_avg": 78327.84086991774, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "ret_unmatched": [], "ret_area_avg": 78327.84086991774, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}]}, +{"unmatched_before_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched_before": [], "unmatched": [], "area_avg": 76233.24939911897, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 192}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 2, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_unmatched_before_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 76233.24939911897, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 192}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 2, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 75621.267442002, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 193}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 75621.267442002, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 193}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 76475.49287371976, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 194}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 76475.49287371976, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 194}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 75751.8539477187, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 195}, {"time_since_observed": 5, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 75751.8539477187, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 195}, {"time_since_observed": 5, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "area_avg": 75312.29594502965, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "ret_area_avg": 75312.29594502965, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "area_avg": 73944.09026212434, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "ret_unmatched": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "ret_area_avg": 73944.09026212434, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 12}]}, +{"unmatched_before_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched": [], "area_avg": 73800.81322769704, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 13}], "ret_unmatched_before_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "ret_unmatched_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "ret_unmatched": [], "ret_area_avg": 73800.81322769704, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 13}]}, +{"unmatched_before_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched_before": [], "unmatched": [], "area_avg": 75281.90894798623, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 5, "confidence": 0.1315036979287313, "age": 14}], "ret_unmatched_before_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 75281.90894798623, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 5, "confidence": 0.1315036979287313, "age": 14}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 79913.14949318045, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 200}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 79913.14949318045, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 200}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "area_avg": 79504.61601676606, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 283}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "ret_area_avg": 79504.61601676606, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 283}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}]}, +{"unmatched_before_before": [], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched": [], "area_avg": 82933.36631403294, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 284}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "ret_unmatched": [], "ret_area_avg": 82933.36631403294, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 284}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}]}, +{"unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched_before": [], "unmatched": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "area_avg": 82693.39123116022, "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 285}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "ret_unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "ret_unmatched_before": [], "ret_unmatched": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "ret_area_avg": 82693.39123116022, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 285}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}]}, +{"unmatched_before_before": [], "unmatched_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched": [], "area_avg": 82588.77656834868, "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 286}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "ret_unmatched": [], "ret_area_avg": 82588.77656834868, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 286}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}]}, +{"unmatched_before_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched_before": [], "unmatched": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "area_avg": 82549.3749106223, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "ret_unmatched_before_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "ret_unmatched_before": [], "ret_unmatched": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_area_avg": 82549.3749106223, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}]}, +{"unmatched_before_before": [], "unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "area_avg": 77953.696123542, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 288}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_unmatched": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_area_avg": 77953.696123542, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 288}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}]}, +{"unmatched_before_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "area_avg": 79638.2579008614, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 289}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_unmatched_before_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_unmatched": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "ret_area_avg": 79638.2579008614, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 289}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}]}, +{"unmatched_before_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched": [], "area_avg": 82622.38783015, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 290}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "ret_unmatched_before_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_unmatched_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "ret_unmatched": [], "ret_area_avg": 82622.38783015, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 290}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}]}, +{"unmatched_before_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched_before": [], "unmatched": [], "area_avg": 79939.38824396425, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "ret_unmatched_before_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 79939.38824396425, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 77980.28284839648, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 292}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 77980.28284839648, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 292}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 77039.91744072174, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 293}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 77039.91744072174, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 293}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "area_avg": 75327.12922505756, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "ret_area_avg": 75327.12922505756, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "area_avg": 72342.95538087691, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 295}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 213}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "ret_area_avg": 72342.95538087691, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 295}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 213}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}]}, +{"unmatched_before_before": [], "unmatched_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched": [], "area_avg": 75780.59313929497, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 296}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 214}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "ret_unmatched": [], "ret_area_avg": 75780.59313929497, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 296}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 214}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}]}, +{"unmatched_before_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched_before": [], "unmatched": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "area_avg": 74259.10279013478, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 297}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "ret_unmatched_before_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "ret_unmatched_before": [], "ret_unmatched": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "ret_area_avg": 74259.10279013478, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 297}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 72290.23203640386, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 72290.23203640386, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 70619.10374249858, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 70619.10374249858, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 73421.57127645823, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 73421.57127645823, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 72222.17871728404, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 72222.17871728404, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 77996.85044679628, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 77996.85044679628, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 79625.30303662278, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 79625.30303662278, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "area_avg": 78890.43487030055, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "ret_area_avg": 78890.43487030055, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}]}, +{"unmatched_before_before": [], "unmatched_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "area_avg": 83019.40581495919, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "ret_unmatched": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "ret_area_avg": 83019.40581495919, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}]}, +{"unmatched_before_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "area_avg": 83045.60117393786, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_unmatched_before_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "ret_unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "ret_unmatched": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "ret_area_avg": 83045.60117393786, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}]}, +{"unmatched_before_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched": [], "area_avg": 83066.09982992926, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 1, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "ret_unmatched_before_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "ret_unmatched_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "ret_unmatched": [], "ret_area_avg": 83066.09982992926, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 1, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}]}, +{"unmatched_before_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched_before": [], "unmatched": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "area_avg": 82963.12377814013, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 2, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "ret_unmatched_before_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "ret_unmatched_before": [], "ret_unmatched": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_area_avg": 82963.12377814013, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 2, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}]}, +{"unmatched_before_before": [], "unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "area_avg": 82953.51934722943, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 3, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_unmatched": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_area_avg": 82953.51934722943, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 3, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}]}, +{"unmatched_before_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "area_avg": 82761.33691794905, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 4, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_unmatched_before_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_unmatched": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "ret_area_avg": 82761.33691794905, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 4, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}]}, +{"unmatched_before_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "area_avg": 81510.91762348903, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 5, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_unmatched_before_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "ret_unmatched": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "ret_area_avg": 81510.91762348903, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 5, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}]}, +{"unmatched_before_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "area_avg": 82215.43912005945, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 6, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_unmatched_before_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "ret_unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "ret_unmatched": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_area_avg": 82215.43912005945, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 6, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}]}, +{"unmatched_before_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "area_avg": 81499.22997160033, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 7, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_unmatched_before_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "ret_unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_unmatched": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "ret_area_avg": 81499.22997160033, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 7, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}]}, +{"unmatched_before_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "unmatched": [[30.857, 389.14, 179.147, 836.0, 1.2889]], "area_avg": 81108.71979844959, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 8, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_unmatched_before_before": [[1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 81108.71979844959, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 8, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 81317.16296305742, "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 9, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 81317.16296305742, "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 9, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 80058.31697996834, "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 10, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 80058.31697996834, "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 10, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 79101.78846200695, "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 11, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 79101.78846200695, "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 11, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "area_avg": 80727.62791108142, "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_area_avg": 80727.62791108142, "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}]}, +{"unmatched_before_before": [], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "area_avg": 77249.23395874604, "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "ret_area_avg": 77249.23395874604, "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}]}, +{"unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "area_avg": 78646.07694431022, "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 6}], "ret_unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "ret_unmatched": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_area_avg": 78646.07694431022, "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 6}]}, +{"unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "area_avg": 79050.432521841, "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 321}, {"time_since_observed": 2, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 8, "confidence": 0.09296579739879965, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "ret_unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "ret_unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_unmatched": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "ret_area_avg": 79050.432521841, "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 321}, {"time_since_observed": 2, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 8, "confidence": 0.09296579739879965, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}]}, +{"unmatched_before_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched": [], "area_avg": 89491.4054038358, "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 3, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 8}], "ret_unmatched_before_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_unmatched_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "ret_unmatched": [], "ret_area_avg": 89491.4054038358, "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 3, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 8}]}, +{"unmatched_before_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched_before": [], "unmatched": [], "area_avg": 82259.8653890149, "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 323}, {"time_since_observed": 4, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}], "ret_unmatched_before_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 82259.8653890149, "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 323}, {"time_since_observed": 4, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [], "area_avg": 83535.29820422469, "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 324}, {"time_since_observed": 5, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 83535.29820422469, "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 324}, {"time_since_observed": 5, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "area_avg": 84714.73492197662, "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 325}, {"time_since_observed": 6, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_area_avg": 84714.73492197662, "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 325}, {"time_since_observed": 6, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}]}, +{"unmatched_before_before": [], "unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "area_avg": 85138.1769184271, "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 326}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 2, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_unmatched_before_before": [], "ret_unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_unmatched": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "ret_area_avg": 85138.1769184271, "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 326}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 2, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}]}, +{"unmatched_before_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched": [], "area_avg": 82698.18032736405, "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 327}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "ret_unmatched_before_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_unmatched_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "ret_unmatched": [], "ret_area_avg": 82698.18032736405, "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 327}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}]}, +{"unmatched_before_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched_before": [], "unmatched": [], "area_avg": 83587.67547289742, "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 328}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "ret_unmatched_before_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "ret_unmatched_before": [], "ret_unmatched": [], "ret_area_avg": 83587.67547289742, "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 328}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}]}, +{"unmatched_before_before": [], "unmatched_before": [], "unmatched": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "area_avg": 80757.07447521579, "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 329}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "ret_unmatched_before_before": [], "ret_unmatched_before": [], "ret_unmatched": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "ret_area_avg": 80757.07447521579, "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 329}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}]} +]} diff --git a/spec/res/tracker__init_area_and_trackers.json b/spec/res/tracker__init_area_and_trackers.json new file mode 100644 index 0000000..f212232 --- /dev/null +++ b/spec/res/tracker__init_area_and_trackers.json @@ -0,0 +1,339 @@ +{"invocations":[ +{"kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": [], "ret_area_avg": 0}, +{"kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": [], "ret_area_avg": 0}, +{"kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": [], "ret_area_avg": 0}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 21713.442659999993]}, "pos": [584.04, 446.86, 668.7819999999999, 703.09]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "ret_area_avg": 32670.081429999995}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 21713.442659999993]}, "pos": [584.04, 446.86, 668.7819999999999, 703.09]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "ret_area_avg": 32670.081429999995}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 21713.442659999993]}, "pos": [584.04, 446.86, 668.7819999999999, 703.09]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "ret_area_avg": 32670.081429999995}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 21713.442659999993]}, "pos": [584.04, 446.86, 668.7819999999999, 703.09]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "ret_area_avg": 32670.081429999995}, +{"kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": [], "ret_area_avg": 0}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 33007.50079999998]}, "pos": [571.03, 402.13000000000005, 675.5899999999999, 717.81]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [571.03, 402.13000000000005, 675.5899999999999, 717.81, 0.0]], "ret_area_avg": 38317.11049999999}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 11730.301982678578]}, "pos": [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013, 0.0]], "ret_area_avg": 27678.511091339285}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1359.1, 413.27, 1479.3600000000001, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 37492.61964102265]}, "pos": [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945, 0.0]], "ret_area_avg": 40559.669920511325}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1389.9558641354024, 413.27, 1510.2158641354022, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 32161.606746882317]}, "pos": [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1389.9558641354024, 413.27, 1510.2158641354022, 776.04, 0.0], [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465, 0.0]], "ret_area_avg": 37894.16347344116}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1393.2997037695532, 413.27, 1513.559703769553, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 23206.133619946628]}, "pos": [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1393.2997037695532, 413.27, 1513.559703769553, 776.04, 0.0], [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337, 0.0]], "ret_area_avg": 33416.426909973314}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1415.3075557328684, 413.27, 1535.5675557328686, 776.04]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 24045.033746956185]}, "pos": [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1480.2999999999997, 413.27, 1600.56, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1415.3075557328684, 413.27, 1535.5675557328686, 776.04, 0.0], [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474, 0.0], [1480.2999999999997, 413.27, 1600.56, 776.04, 0.0]], "ret_area_avg": 37099.49138231873}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 55742.419301637965]}, "pos": [1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 27613.351224571143]}, "pos": [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1521.4230769230771, 413.27, 1641.683076923077, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862, 0.0], [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922, 0.0], [1521.4230769230771, 413.27, 1641.683076923077, 776.04, 0.0]], "ret_area_avg": 42327.496908736364}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 53313.77043619116]}, "pos": [1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 28758.444389430086]}, "pos": [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1518.1134800862365, 413.27, 1638.3734800862362, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255, 0.0], [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201, 0.0], [1518.1134800862365, 413.27, 1638.3734800862362, 776.04, 0.0]], "ret_area_avg": 41899.645008540414}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 58165.22529235083]}, "pos": [1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 29104.49205658072]}, "pos": [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1514.5433655605939, 413.27, 1634.8033655605936, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728, 0.0], [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217, 0.0], [1514.5433655605939, 413.27, 1634.8033655605936, 776.04, 0.0]], "ret_area_avg": 43632.14584964385}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 53963.697634984]}, "pos": [1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 29183.243576963145]}, "pos": [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1512.1150152881446, 413.27, 1632.3750152881448, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944, 0.0], [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817, 0.0], [1512.1150152881446, 413.27, 1632.3750152881448, 776.04, 0.0]], "ret_area_avg": 42257.88713731571}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 52318.828831979066]}, "pos": [1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 26395.713853476012]}, "pos": [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1531.7559813230391, 413.27, 1652.015981323039, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273, 0.0], [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605, 0.0], [1531.7559813230391, 413.27, 1652.015981323039, 776.04, 0.0]], "ret_area_avg": 40780.42096181836}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 57099.930820509384]}, "pos": [1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 22999.53900898925]}, "pos": [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1536.9790160857324, 413.27, 1657.2390160857326, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]], "ret_area_avg": 41242.063343166206}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 64944.35037886066]}, "pos": [1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 24110.368349024076]}, "pos": [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [1537.713824417538, 413.27, 1657.9738244175383, 776.04]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619, 0.0], [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794, 0.0], [1537.713824417538, 413.27, 1657.9738244175383, 776.04, 0.0]], "ret_area_avg": 44227.14630929491}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 61598.35170987667]}, "pos": [1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 24537.534344927273]}, "pos": [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 48608.838227518245]}, "pos": [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647, 0.0], [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308, 0.0], [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321, 0.0]], "ret_area_avg": 44914.9080941074}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 60243.882330245266]}, "pos": [1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 24706.85333520519]}, "pos": [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 55933.50899929539]}, "pos": [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234, 0.0], [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975, 0.0], [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551, 0.0]], "ret_area_avg": 46961.41488824861}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 59652.06988309802]}, "pos": [1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 24777.969097108587]}, "pos": [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 53004.35996094549]}, "pos": [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 3499.562340000013]}, "pos": [1254.6, 446.72, 1288.422, 550.19]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "ret_area_avg": 35233.49032028802}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 54186.305864873575]}, "pos": [1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 24811.085130133608]}, "pos": [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767]}, {"time_since_observed": 1, "confidence": 1, "age": 12, "kf": {"x": [null, null, 53451.81893206162]}, "pos": [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 3499.562340000013]}, "pos": [1254.6, 446.72, 1288.422, 550.19]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "ret_area_avg": 33987.1930667672}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 57225.237335631326]}, "pos": [1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 24829.06048383473]}, "pos": [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653]}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13, "kf": {"x": [null, null, 53675.548417619684]}, "pos": [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 3499.562340000013]}, "pos": [1254.6, 446.72, 1288.422, 550.19]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "ret_area_avg": 34807.352144271434}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 58323.91557011925]}, "pos": [1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 24840.66329241216]}, "pos": [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069]}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14, "kf": {"x": [null, null, 53787.41316039872]}, "pos": [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 3001.8786548281514]}, "pos": [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]], "ret_area_avg": 34988.46766943957}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 49196.130148255674]}, "pos": [1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 24849.316900604394]}, "pos": [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797]}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15, "kf": {"x": [null, null, 53843.34553178823]}, "pos": [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 2901.1971159111586]}, "pos": [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]], "ret_area_avg": 32697.497424139863}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 55181.943035179276]}, "pos": [1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 24856.402452343795]}, "pos": [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813]}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 16, "kf": {"x": [null, null, 53871.31171748299]}, "pos": [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 3295.613608401129]}, "pos": [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 21227.97523999998]}, "pos": [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171, 0.0], [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813, 0.0], [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541, 0.0], [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681, 0.0], [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831, 0.0]], "ret_area_avg": 31686.64921068143}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 48007.23490443801]}, "pos": [1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 24862.511288141046]}, "pos": [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043]}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17, "kf": {"x": [null, null, 50251.6839785313]}, "pos": [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 3430.2735004384253]}, "pos": [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 30147.02577846153]}, "pos": [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271, 0.0], [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043, 0.0], [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041, 0.0], [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972, 0.0], [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633, 0.0]], "ret_area_avg": 31339.745890002065}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 54654.60760266738]}, "pos": [1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 30243.26489382017]}, "pos": [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224]}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18, "kf": {"x": [null, null, 61582.86416352025]}, "pos": [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 3477.634484739622]}, "pos": [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 25393.197277053983]}, "pos": [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268, 0.0], [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224, 0.0], [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175, 0.0], [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923, 0.0], [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633, 0.0]], "ret_area_avg": 35070.313684360284}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 62893.45643975819]}, "pos": [1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 32274.565919481516]}, "pos": [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589]}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19, "kf": {"x": [null, null, 54240.17113707136]}, "pos": [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 3141.780354149747]}, "pos": [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 38587.176606753506]}, "pos": [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673, 0.0], [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589, 0.0], [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393, 0.0], [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509, 0.0], [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741, 0.0]], "ret_area_avg": 38227.43009144287}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 65982.0351008351]}, "pos": [1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 33033.33711785385]}, "pos": [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693]}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20, "kf": {"x": [null, null, 56584.291811964176]}, "pos": [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 3024.7273313370856]}, "pos": [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 28985.371376419727]}, "pos": [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]], "ret_area_avg": 37521.95254768199}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 67114.90192158638]}, "pos": [1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 33309.1158132904]}, "pos": [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564]}, {"time_since_observed": 1, "confidence": 1, "age": 21, "kf": {"x": [null, null, 56665.39187118432]}, "pos": [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 3324.102210436447]}, "pos": [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 29251.906590970964]}, "pos": [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]], "ret_area_avg": 37933.0836814937}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 67506.80828590873]}, "pos": [1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 28092.698094609375]}, "pos": [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727]}, {"time_since_observed": 2, "confidence": 1, "age": 22, "kf": {"x": [null, null, 56705.941900794394]}, "pos": [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 3435.7911383549517]}, "pos": [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 26193.78873023178]}, "pos": [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167, 0.0], [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727, 0.0], [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921, 0.0], [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408, 0.0], [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792, 0.0]], "ret_area_avg": 36387.005629979845}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 67619.63345756629]}, "pos": [1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 28571.903491678622]}, "pos": [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829]}, {"time_since_observed": 0, "confidence": 1, "age": 23, "kf": {"x": [null, null, 57548.53124294047]}, "pos": [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 3149.5342240634404]}, "pos": [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 31487.423443545602]}, "pos": [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909, 0.0], [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829, 0.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 0.0], [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693, 0.0], [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698, 0.0]], "ret_area_avg": 37675.40517195888}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 67628.86756260917]}, "pos": [1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 26292.284018294748]}, "pos": [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964]}, {"time_since_observed": 1, "confidence": 1, "age": 24, "kf": {"x": [null, null, 57586.837836173]}, "pos": [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 3369.2056859292634]}, "pos": [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 30004.99811579149]}, "pos": [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 1, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391, 0.0], [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964, 0.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 0.0], [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157, 0.0], [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033, 0.0]], "ret_area_avg": 36976.43864375954}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 67601.04569810304]}, "pos": [1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 37663.548972110926]}, "pos": [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467]}, {"time_since_observed": 2, "confidence": 1, "age": 25, "kf": {"x": [null, null, 57605.99113278926]}, "pos": [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 3130.5628739211197]}, "pos": [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 29428.282134227265]}, "pos": [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]], "ret_area_avg": 39085.88616223032}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 67561.26019949648]}, "pos": [1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 46244.73912025377]}, "pos": [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065]}, {"time_since_observed": 3, "confidence": 1, "age": 26, "kf": {"x": [null, null, 57615.567781097394]}, "pos": [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 3361.4135346442417]}, "pos": [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 29189.66383359917]}, "pos": [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]], "ret_area_avg": 40794.528893818206}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 67518.85383113385]}, "pos": [1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 38285.1925588826]}, "pos": [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743]}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27, "kf": {"x": [null, null, 57620.35610525146]}, "pos": [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 3812.5902067663537]}, "pos": [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 26388.926323453707]}, "pos": [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]], "ret_area_avg": 38725.18380509759}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 67477.19792886794]}, "pos": [1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442]}, {"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 29998.852885911925]}, "pos": [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212]}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28, "kf": {"x": [null, null, 57622.7502673285]}, "pos": [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 3619.8198692623287]}, "pos": [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 25351.793711964576]}, "pos": [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 5343.158310000011]}, "pos": [1450.0, 429.71, 1491.871, 557.3199999999999]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]], "ret_area_avg": 31568.928828889213}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 67437.41233536511]}, "pos": [1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531]}, {"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 26840.783664473856]}, "pos": [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488]}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29, "kf": {"x": [null, null, 57623.947348367015]}, "pos": [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 3546.5868174038383]}, "pos": [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 24973.284924715164]}, "pos": [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 6709.740788461555]}, "pos": [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]], "ret_area_avg": 31188.62597979776}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 67399.77898788734]}, "pos": [1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054]}, {"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 30865.67625956676]}, "pos": [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391]}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30, "kf": {"x": [null, null, 57624.54588888627]}, "pos": [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 3207.251881766051]}, "pos": [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 24840.706157048528]}, "pos": [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 4627.425382499858]}, "pos": [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]], "ret_area_avg": 31427.564092942466}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 67364.27759812205]}, "pos": [1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299]}, {"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 25060.31424446703]}, "pos": [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945]}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31, "kf": {"x": [null, null, 57624.8451591459]}, "pos": [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 3745.9983657722787]}, "pos": [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 27382.33019473333]}, "pos": [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 5079.724288909827]}, "pos": [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]], "ret_area_avg": 31042.91497519174}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 67330.7873516151]}, "pos": [1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887]}, {"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 22850.312749676144]}, "pos": [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342]}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32, "kf": {"x": [null, null, 57624.99479427571]}, "pos": [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 3949.4249026654447]}, "pos": [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 31283.841857054922]}, "pos": [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 5219.601315050264]}, "pos": [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887, 0.0], [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342, 0.0], [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 0.0], [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393, 0.0], [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247, 0.0], [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426, 0.0]], "ret_area_avg": 31376.4938283896}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 67299.16174387652]}, "pos": [1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226]}, {"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 26542.02124603201]}, "pos": [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529]}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33, "kf": {"x": [null, null, 57625.144429405525]}, "pos": [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 3364.03805120854]}, "pos": [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 32738.11382847649]}, "pos": [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 5271.668048394865]}, "pos": [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226, 0.0], [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529, 0.0], [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 0.0], [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073, 0.0], [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764, 0.0], [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445, 0.0]], "ret_area_avg": 32140.024557898996}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 67269.25539570789]}, "pos": [1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393]}, {"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 23423.094809284048]}, "pos": [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722]}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34, "kf": {"x": [null, null, 57625.29406453534]}, "pos": [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 3801.544762479626]}, "pos": [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 30353.91113215817]}, "pos": [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 5294.253817115838]}, "pos": [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393, 0.0], [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722, 0.0], [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 0.0], [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907, 0.0], [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736, 0.0], [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635, 0.0]], "ret_area_avg": 31294.558996880154}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 80984.73952548018]}, "pos": [1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008]}, {"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 29535.25989117889]}, "pos": [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586]}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35, "kf": {"x": [null, null, 57625.44369966515]}, "pos": [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 3615.5024610600476]}, "pos": [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 29442.24254761184]}, "pos": [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 5305.64296009546]}, "pos": [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 0.0], [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586, 0.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 0.0], [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521, 0.0], [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409, 0.0], [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466, 0.0]], "ret_area_avg": 34418.13851418193}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 41, "kf": {"x": [null, null, 81471.68557019765]}, "pos": [1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442]}, {"time_since_observed": 0, "confidence": 0.5, "age": 41, "kf": {"x": [null, null, 26672.65731396819]}, "pos": [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694]}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36, "kf": {"x": [null, null, 57625.518517230055]}, "pos": [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 3895.1791216764054]}, "pos": [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 31977.46412222187]}, "pos": [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 5312.283538889218]}, "pos": [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442, 0.0], [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694, 0.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 0.0], [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984, 0.0], [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352, 0.0], [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074, 0.0]], "ret_area_avg": 34492.464697363896}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42, "kf": {"x": [null, null, 86547.92441815264]}, "pos": [1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724]}, {"time_since_observed": 0, "confidence": 0.5, "age": 42, "kf": {"x": [null, null, 25581.390016800513]}, "pos": [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585]}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37, "kf": {"x": [null, null, 57625.55592601251]}, "pos": [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 3651.1075213456697]}, "pos": [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 32925.378173758814]}, "pos": [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 5316.663944087055]}, "pos": [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724, 0.0], [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585, 0.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 0.0], [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614, 0.0], [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231, 0.0], [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826, 0.0]], "ret_area_avg": 35274.6700000262}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43, "kf": {"x": [null, null, 73767.10671058472]}, "pos": [1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234]}, {"time_since_observed": 0, "confidence": 0.5, "age": 43, "kf": {"x": [null, null, 25165.936273828145]}, "pos": [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097]}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38, "kf": {"x": [null, null, 57625.57463040374]}, "pos": [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 3558.0894962740635]}, "pos": [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 33271.40608929332]}, "pos": [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 5319.830887206181]}, "pos": [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234, 0.0], [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097, 0.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 0.0], [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179, 0.0], [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516, 0.0], [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376, 0.0]], "ret_area_avg": 33117.99068126504}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44, "kf": {"x": [null, null, 82927.39615406412]}, "pos": [1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884]}, {"time_since_observed": 0, "confidence": 0.5, "age": 44, "kf": {"x": [null, null, 25008.313170606652]}, "pos": [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183]}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39, "kf": {"x": [null, null, 57625.58398259935]}, "pos": [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 3522.615254975549]}, "pos": [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 33389.80996246722]}, "pos": [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 5322.267931201772]}, "pos": [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884, 0.0], [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183, 0.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 0.0], [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 0.0], [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451, 0.0], [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494, 0.0]], "ret_area_avg": 34632.66440931911}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45, "kf": {"x": [null, null, 86378.24680042129]}, "pos": [1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143]}, {"time_since_observed": 0, "confidence": 0.5, "age": 45, "kf": {"x": [null, null, 22855.68804221593]}, "pos": [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777]}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 40, "kf": {"x": [null, null, 57625.58865869716]}, "pos": [1850.9982930777467, 386.62133315590495, 1989.260787287593, 803.405284494411]}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30, "kf": {"x": [null, null, 3524.1628207910812]}, "pos": [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 33422.72448936777]}, "pos": [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 5324.222485208311]}, "pos": [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 40}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 0.0], [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777, 0.0], [1850.9982930777467, 386.62133315590495, 1989.260787287593, 803.405284494411, 0.0], [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 0.0], [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308, 0.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 0.0]], "ret_area_avg": 34855.10554945025}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46, "kf": {"x": [null, null, 86657.65987157794]}, "pos": [1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168]}, {"time_since_observed": 0, "confidence": 0.5, "age": 46, "kf": {"x": [null, null, 26532.22431871638]}, "pos": [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234]}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 31, "kf": {"x": [null, null, 3525.7103866066136]}, "pos": [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 33424.079851480295]}, "pos": [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821]}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14, "kf": {"x": [null, null, 5312.5294204107]}, "pos": [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14}], "ret_trks": [[1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 0.0], [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234, 0.0], [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703, 0.0], [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821, 0.0], [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 0.0]], "ret_area_avg": 31090.440769758385}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47, "kf": {"x": [null, null, 86797.36640715627]}, "pos": [1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411]}, {"time_since_observed": 0, "confidence": 0.5, "age": 47, "kf": {"x": [null, null, 23442.24666980873]}, "pos": [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592]}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32, "kf": {"x": [null, null, 3946.8138765961526]}, "pos": [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 33414.28407865623]}, "pos": [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946]}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15, "kf": {"x": [null, null, 5300.83635561309]}, "pos": [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15}], "ret_trks": [[1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 0.0], [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592, 0.0], [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 0.0], [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946, 0.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 0.0]], "ret_area_avg": 30580.30947756609}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48, "kf": {"x": [null, null, 86867.21967494543]}, "pos": [1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688]}, {"time_since_observed": 0, "confidence": 0.5, "age": 48, "kf": {"x": [null, null, 22265.444676614017]}, "pos": [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329]}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 33, "kf": {"x": [null, null, 3962.012412033774]}, "pos": [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 33401.00866021821]}, "pos": [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202]}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16, "kf": {"x": [null, null, 5289.143290815479]}, "pos": [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "ret_trks": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]], "ret_area_avg": 30356.96574292538}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49, "kf": {"x": [null, null, 86902.14630884]}, "pos": [1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749]}, {"time_since_observed": 0, "confidence": 0.5, "age": 49, "kf": {"x": [null, null, 21818.73857833199]}, "pos": [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576]}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34, "kf": {"x": [null, null, 3617.850119516643]}, "pos": [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 33387.09161756414]}, "pos": [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221]}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17, "kf": {"x": [null, null, 5277.450226017869]}, "pos": [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17}], "ret_trks": [[1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 0.0], [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576, 0.0], [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815, 0.0], [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221, 0.0], [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 0.0]], "ret_area_avg": 30200.655370054126}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50, "kf": {"x": [null, null, 86919.6096257873]}, "pos": [1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781]}, {"time_since_observed": 0, "confidence": 0.5, "age": 50, "kf": {"x": [null, null, 21650.59895264513]}, "pos": [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755]}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35, "kf": {"x": [null, null, 3543.107578127763]}, "pos": [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 33373.54235106554]}, "pos": [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_trks": [[1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 0.0], [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755, 0.0], [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 0.0], [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025, 0.0]], "ret_area_avg": 36371.71462690643}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51, "kf": {"x": [null, null, 86928.34128426094]}, "pos": [1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831]}, {"time_since_observed": 0, "confidence": 0.5, "age": 51, "kf": {"x": [null, null, 21588.693553757617]}, "pos": [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338]}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36, "kf": {"x": [null, null, 3544.9083625372787]}, "pos": [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 33360.68350282383]}, "pos": [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_trks": [[1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 0.0], [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338, 0.0], [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 0.0], [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095, 0.0]], "ret_area_avg": 36355.65667584492}, +{"kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 52, "kf": {"x": [null, null, 86932.70711349776]}, "pos": [1844.1059153224894, 390.4718376147663, 2013.9959128331654, 902.1718104635789]}, {"time_since_observed": 0, "confidence": 0.5, "age": 52, "kf": {"x": [null, null, 21567.25031427599]}, "pos": [618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644]}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37, "kf": {"x": [null, null, 3546.709146946794]}, "pos": [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 33348.58417864781]}, "pos": [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499]}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_trks": [[1844.1059153224894, 390.4718376147663, 2013.9959128331654, 902.1718104635789, 0.0], [618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644, 0.0], [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 0.0], [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499, 0.0]], "ret_area_avg": 36348.81268834209}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53, "kf": {"x": [null, null, 23642.949631992433]}, "pos": [624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672]}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38, "kf": {"x": [null, null, 3548.5099313563096]}, "pos": [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527]}, {"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 33337.22368025658]}, "pos": [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_trks": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]], "ret_area_avg": 20176.22774786844}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54, "kf": {"x": [null, null, 22355.311311367794]}, "pos": [620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435]}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39, "kf": {"x": [null, null, 3550.310715765825]}, "pos": [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654]}, {"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 33326.55284344232]}, "pos": [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_trks": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]], "ret_area_avg": 19744.05829019198}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55, "kf": {"x": [null, null, 21865.697432153236]}, "pos": [619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433]}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40, "kf": {"x": [null, null, 3552.1115001753406]}, "pos": [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395]}, {"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 33316.5165571966]}, "pos": [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_trks": [[619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433, 0.0], [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 0.0], [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006, 0.0]], "ret_area_avg": 19578.10849650839}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56, "kf": {"x": [null, null, 21680.66440026907]}, "pos": [618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862]}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41, "kf": {"x": [null, null, 3553.912284584856]}, "pos": [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623]}, {"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 33307.06164003526]}, "pos": [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_trks": [[618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862, 0.0], [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 0.0], [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105, 0.0]], "ret_area_avg": 19513.879441629728}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57, "kf": {"x": [null, null, 21611.843531653245]}, "pos": [618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765]}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42, "kf": {"x": [null, null, 3555.7130689943715]}, "pos": [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611]}, {"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 36499.45188047635]}, "pos": [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_trks": [[618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765, 0.0], [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 0.0], [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087, 0.0]], "ret_area_avg": 20555.66949370799}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58, "kf": {"x": [null, null, 21587.32663066497]}, "pos": [618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422]}, {"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 37708.14530873107]}, "pos": [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_trks": [[618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422, 0.0], [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153, 0.0]], "ret_area_avg": 29647.73596969802}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59, "kf": {"x": [null, null, 23655.086418248433]}, "pos": [624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788]}, {"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 32188.137962601293]}, "pos": [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_trks": [[624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788, 0.0], [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831, 0.0]], "ret_area_avg": 27921.612190424865}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60, "kf": {"x": [null, null, 24444.99135237752]}, "pos": [626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409]}, {"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 30080.78179709789]}, "pos": [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_trks": [[626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409, 0.0], [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 0.0]], "ret_area_avg": 27262.886574737706}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61, "kf": {"x": [null, null, 24746.998499443118]}, "pos": [626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484]}, {"time_since_observed": 1, "confidence": 1, "age": 41, "kf": {"x": [null, null, 30120.70086144356]}, "pos": [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 1, "confidence": 1, "age": 41}], "ret_trks": [[626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484, 0.0], [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705, 0.0]], "ret_area_avg": 27433.849680443338}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62, "kf": {"x": [null, null, 24862.709961242515]}, "pos": [627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137]}, {"time_since_observed": 0, "confidence": 1, "age": 42, "kf": {"x": [null, null, 32344.448748655755]}, "pos": [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "ret_trks": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]], "ret_area_avg": 28603.579354949135}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63, "kf": {"x": [null, null, 24907.278688584458]}, "pos": [627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519]}, {"time_since_observed": 1, "confidence": 1, "age": 43, "kf": {"x": [null, null, 32391.966618369053]}, "pos": [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 1, "confidence": 1, "age": 43}], "ret_trks": [[627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519, 0.0], [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578, 0.0]], "ret_area_avg": 28649.622653476756}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64, "kf": {"x": [null, null, 24924.67172611916]}, "pos": [626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439]}, {"time_since_observed": 0, "confidence": 1, "age": 44, "kf": {"x": [null, null, 36681.77367590039]}, "pos": [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "ret_trks": [[626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439, 0.0], [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568, 0.0]], "ret_area_avg": 30803.222701009774}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65, "kf": {"x": [null, null, 27310.893665905573]}, "pos": [616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899]}, {"time_since_observed": 0, "confidence": 1, "age": 45, "kf": {"x": [null, null, 31574.09551636487]}, "pos": [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 45}], "ret_trks": [[616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899, 0.0], [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 0.0]], "ret_area_avg": 29442.49459113522}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66, "kf": {"x": [null, null, 25842.836396204537]}, "pos": [623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452]}, {"time_since_observed": 1, "confidence": 1, "age": 46, "kf": {"x": [null, null, 31586.792685809636]}, "pos": [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 1, "confidence": 1, "age": 46}], "ret_trks": [[623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452, 0.0], [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 0.0]], "ret_area_avg": 28714.814541007087}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67, "kf": {"x": [null, null, 25282.61512741372]}, "pos": [625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695]}, {"time_since_observed": 2, "confidence": 1, "age": 47, "kf": {"x": [null, null, 31593.14127053202]}, "pos": [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "ret_trks": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]], "ret_area_avg": 28437.87819897287}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68, "kf": {"x": [null, null, 27445.811670753817]}, "pos": [616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737]}, {"time_since_observed": 3, "confidence": 1, "age": 48, "kf": {"x": [null, null, 31596.315562893215]}, "pos": [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "ret_trks": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]], "ret_area_avg": 29521.063616823514}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69, "kf": {"x": [null, null, 28271.058851250094]}, "pos": [612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781]}, {"time_since_observed": 4, "confidence": 1, "age": 49, "kf": {"x": [null, null, 31597.90270907381]}, "pos": [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 4, "confidence": 1, "age": 49}], "ret_trks": [[612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781, 0.0], [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846, 0.0]], "ret_area_avg": 29934.480780161954}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70, "kf": {"x": [null, null, 28585.42960789969]}, "pos": [611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157]}, {"time_since_observed": 0, "confidence": 1, "age": 50, "kf": {"x": [null, null, 32845.99264713208]}, "pos": [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "ret_trks": [[611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157, 0.0], [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834, 0.0]], "ret_area_avg": 30715.711127515882}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71, "kf": {"x": [null, null, 28704.739932296427]}, "pos": [611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148]}, {"time_since_observed": 0, "confidence": 1, "age": 51, "kf": {"x": [null, null, 32982.94744265481]}, "pos": [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "ret_trks": [[611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148, 0.0], [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071, 0.0]], "ret_area_avg": 30843.84368747562}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72, "kf": {"x": [null, null, 28749.58441199541]}, "pos": [611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272]}, {"time_since_observed": 0, "confidence": 1, "age": 52, "kf": {"x": [null, null, 33029.411989209766]}, "pos": [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "ret_trks": [[611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272, 0.0], [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678, 0.0]], "ret_area_avg": 30889.49820060259}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73, "kf": {"x": [null, null, 28766.01222260377]}, "pos": [611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596]}, {"time_since_observed": 0, "confidence": 1, "age": 53, "kf": {"x": [null, null, 33046.36488621112]}, "pos": [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 53}], "ret_trks": [[611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596, 0.0], [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 0.0]], "ret_area_avg": 30906.188554407447}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74, "kf": {"x": [null, null, 28771.607015737278]}, "pos": [611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406]}, {"time_since_observed": 1, "confidence": 1, "age": 54, "kf": {"x": [null, null, 33061.70832852629]}, "pos": [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 1, "confidence": 1, "age": 54}], "ret_trks": [[611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406, 0.0], [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532, 0.0]], "ret_area_avg": 30916.657672131783}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75, "kf": {"x": [null, null, 28773.08264740974]}, "pos": [611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263]}, {"time_since_observed": 0, "confidence": 1, "age": 55, "kf": {"x": [null, null, 36739.43206429494]}, "pos": [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "ret_trks": [[611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263, 0.0], [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669, 0.0]], "ret_area_avg": 32756.25735585234}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76, "kf": {"x": [null, null, 28773.002231107806]}, "pos": [611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187]}, {"time_since_observed": 0, "confidence": 1, "age": 56, "kf": {"x": [null, null, 37618.597083256325]}, "pos": [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "ret_trks": [[611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187, 0.0], [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012, 0.0]], "ret_area_avg": 33195.79965718207}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77, "kf": {"x": [null, null, 28772.343882792302]}, "pos": [611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327]}, {"time_since_observed": 0, "confidence": 1, "age": 57, "kf": {"x": [null, null, 32017.866129995782]}, "pos": [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_trks": [[611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327, 0.0], [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039, 0.0]], "ret_area_avg": 30395.105006394042}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78, "kf": {"x": [null, null, 28771.480488127978]}, "pos": [611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474]}, {"time_since_observed": 0, "confidence": 1, "age": 58, "kf": {"x": [null, null, 29899.834326447904]}, "pos": [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_trks": [[611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474, 0.0], [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144, 0.0]], "ret_area_avg": 29335.65740728794}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79, "kf": {"x": [null, null, 24338.74105232408]}, "pos": [627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756]}, {"time_since_observed": 0, "confidence": 1, "age": 59, "kf": {"x": [null, null, 29093.550013902553]}, "pos": [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_trks": [[627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756, 0.0], [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127, 0.0]], "ret_area_avg": 26716.14553311332}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80, "kf": {"x": [null, null, 22646.9801580283]}, "pos": [633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681]}, {"time_since_observed": 0, "confidence": 1, "age": 60, "kf": {"x": [null, null, 34674.80471420938]}, "pos": [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_trks": [[633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681, 0.0], [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865, 0.0]], "ret_area_avg": 28660.89243611884}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81, "kf": {"x": [null, null, 29154.346363640663]}, "pos": [620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778]}, {"time_since_observed": 0, "confidence": 1, "age": 61, "kf": {"x": [null, null, 36803.76615662234]}, "pos": [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_trks": [[620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778, 0.0], [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131, 0.0]], "ret_area_avg": 32979.0562601315}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82, "kf": {"x": [null, null, 31637.944792415397]}, "pos": [616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017]}, {"time_since_observed": 0, "confidence": 1, "age": 62, "kf": {"x": [null, null, 37614.71617891147]}, "pos": [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_trks": [[616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017, 0.0], [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927, 0.0]], "ret_area_avg": 34626.330485663435}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83, "kf": {"x": [null, null, 29863.51006417876]}, "pos": [626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691]}, {"time_since_observed": 0, "confidence": 1, "age": 63, "kf": {"x": [null, null, 37922.48769730425]}, "pos": [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 18561.321060000024]}, "pos": [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691, 0.0], [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275, 0.0], [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335, 0.0]], "ret_area_avg": 28782.43960716101}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84, "kf": {"x": [null, null, 31906.17508215562]}, "pos": [633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223]}, {"time_since_observed": 0, "confidence": 1, "age": 64, "kf": {"x": [null, null, 38038.19054614389]}, "pos": [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 26039.767760769202]}, "pos": [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223, 0.0], [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747, 0.0], [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231, 0.0]], "ret_area_avg": 31994.71112968957}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85, "kf": {"x": [null, null, 29964.47766463202]}, "pos": [633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463]}, {"time_since_observed": 0, "confidence": 1, "age": 65, "kf": {"x": [null, null, 38080.61023653716]}, "pos": [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 24954.79914998546]}, "pos": [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463, 0.0], [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103, 0.0], [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 34156.65181278867}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86, "kf": {"x": [null, null, 29222.419965197627]}, "pos": [633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334]}, {"time_since_observed": 0, "confidence": 1, "age": 66, "kf": {"x": [null, null, 38095.09978337303]}, "pos": [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 16043.446348358588]}, "pos": [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334, 0.0], [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229, 0.0], [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 31746.92157423231}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87, "kf": {"x": [null, null, 28938.52464369816]}, "pos": [632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439]}, {"time_since_observed": 0, "confidence": 1, "age": 67, "kf": {"x": [null, null, 38098.97409940527]}, "pos": [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 13846.264174759206]}, "pos": [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439, 0.0], [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555, 0.0], [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 31127.620779465662}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88, "kf": {"x": [null, null, 28829.616732785948]}, "pos": [632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372]}, {"time_since_observed": 0, "confidence": 1, "age": 68, "kf": {"x": [null, null, 38098.84246594186]}, "pos": [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 15205.202539725226]}, "pos": [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411]}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 4, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 4}], "ret_trks": [[632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372, 0.0], [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847, 0.0], [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 31440.09548461326}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89, "kf": {"x": [null, null, 28787.549028619593]}, "pos": [632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808]}, {"time_since_observed": 0, "confidence": 1, "age": 69, "kf": {"x": [null, null, 32228.48426039824]}, "pos": [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 15724.129489663088]}, "pos": [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "ret_trks": [[632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808, 0.0], [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966, 0.0], [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 30091.72074467023}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90, "kf": {"x": [null, null, 28771.01864370549]}, "pos": [632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306]}, {"time_since_observed": 0, "confidence": 1, "age": 70, "kf": {"x": [null, null, 29987.917920084008]}, "pos": [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 17888.105972408866]}, "pos": [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6, "kf": {"x": [null, null, 43626.720199999996]}, "pos": [558.78, 437.53, 679.04, 800.3]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "ret_trks": [[632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306, 0.0], [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824, 0.0], [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "ret_area_avg": 30068.44068404959}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91, "kf": {"x": [null, null, 28764.251157162107]}, "pos": [632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439]}, {"time_since_observed": 0, "confidence": 1, "age": 71, "kf": {"x": [null, null, 29133.393918092253]}, "pos": [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 16772.622662556165]}, "pos": [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7, "kf": {"x": [null, null, 38945.97487904443]}, "pos": [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "ret_trks": [[632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439, 0.0], [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075, 0.0], [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673, 0.0], [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749, 0.0]], "ret_area_avg": 28404.06065421374}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92, "kf": {"x": [null, null, 28761.221770929023]}, "pos": [632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855]}, {"time_since_observed": 0, "confidence": 1, "age": 72, "kf": {"x": [null, null, 28808.12100459508]}, "pos": [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 18219.489422266703]}, "pos": [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8, "kf": {"x": [null, null, 37442.26886530081]}, "pos": [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "ret_trks": [[632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855, 0.0], [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567, 0.0], [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675, 0.0], [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073, 0.0]], "ret_area_avg": 28307.775265772903}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93, "kf": {"x": [null, null, 28759.629211601317]}, "pos": [632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816]}, {"time_since_observed": 0, "confidence": 1, "age": 73, "kf": {"x": [null, null, 31412.082766464417]}, "pos": [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 18744.41777925095]}, "pos": [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9, "kf": {"x": [null, null, 37006.72797563645]}, "pos": [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "ret_trks": [[632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816, 0.0], [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999, 0.0], [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034, 0.0], [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942, 0.0]], "ret_area_avg": 28980.71443323829}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94, "kf": {"x": [null, null, 28758.594290075285]}, "pos": [632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825]}, {"time_since_observed": 0, "confidence": 1, "age": 74, "kf": {"x": [null, null, 29679.90141297601]}, "pos": [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 20968.68409722179]}, "pos": [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10, "kf": {"x": [null, null, 41163.86404613621]}, "pos": [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "ret_trks": [[632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825, 0.0], [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731, 0.0], [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496, 0.0], [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458, 0.0]], "ret_area_avg": 30142.760961602326}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95, "kf": {"x": [null, null, 28757.780948293803]}, "pos": [632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818]}, {"time_since_observed": 0, "confidence": 1, "age": 75, "kf": {"x": [null, null, 31745.137952777626]}, "pos": [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 18009.506868524324]}, "pos": [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11, "kf": {"x": [null, null, 42708.33871039991]}, "pos": [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "ret_trks": [[632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818, 0.0], [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073, 0.0], [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519, 0.0], [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373, 0.0]], "ret_area_avg": 30305.191119998915}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96, "kf": {"x": [null, null, 31472.565159932456]}, "pos": [634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487]}, {"time_since_observed": 0, "confidence": 1, "age": 76, "kf": {"x": [null, null, 32533.686980247872]}, "pos": [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 16904.962197830915]}, "pos": [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12, "kf": {"x": [null, null, 39199.325881751196]}, "pos": [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "ret_trks": [[634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487, 0.0], [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467, 0.0], [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672, 0.0], [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063, 0.0]], "ret_area_avg": 30027.63505494061}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97, "kf": {"x": [null, null, 32508.22917151664]}, "pos": [635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471]}, {"time_since_observed": 0, "confidence": 1, "age": 77, "kf": {"x": [null, null, 32834.694806847794]}, "pos": [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 16496.422224891405]}, "pos": [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13, "kf": {"x": [null, null, 37928.29191064803]}, "pos": [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "ret_trks": [[635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471, 0.0], [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673, 0.0], [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602, 0.0], [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466, 0.0]], "ret_area_avg": 29941.909528475968}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98, "kf": {"x": [null, null, 32902.61378871037]}, "pos": [635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303]}, {"time_since_observed": 0, "confidence": 1, "age": 78, "kf": {"x": [null, null, 32949.52084721284]}, "pos": [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 18050.554352706135]}, "pos": [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14, "kf": {"x": [null, null, 37488.665309496675]}, "pos": [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "ret_trks": [[635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303, 0.0], [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015, 0.0], [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915, 0.0], [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982, 0.0]], "ret_area_avg": 30347.838574531506}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99, "kf": {"x": [null, null, 33052.09757378645]}, "pos": [650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331]}, {"time_since_observed": 0, "confidence": 1, "age": 79, "kf": {"x": [null, null, 32993.24923417685]}, "pos": [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 20576.69070177063]}, "pos": [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15, "kf": {"x": [null, null, 41308.36644621077]}, "pos": [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "ret_trks": [[650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331, 0.0], [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923, 0.0], [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385, 0.0], [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523, 0.0]], "ret_area_avg": 31982.600988986174}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100, "kf": {"x": [null, null, 30393.986862551403]}, "pos": [652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949]}, {"time_since_observed": 0, "confidence": 1, "age": 80, "kf": {"x": [null, null, 33009.82897101042]}, "pos": [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 21519.077514331446]}, "pos": [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16, "kf": {"x": [null, null, 42752.44841988766]}, "pos": [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "ret_trks": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718, 0.0], [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0]], "ret_area_avg": 31918.83544194523}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101, "kf": {"x": [null, null, 29378.413587527506]}, "pos": [653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664]}, {"time_since_observed": 0, "confidence": 1, "age": 81, "kf": {"x": [null, null, 33016.04362798863]}, "pos": [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 21863.09867995113]}, "pos": [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17, "kf": {"x": [null, null, 47772.34541796368]}, "pos": [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "ret_trks": [[653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664, 0.0], [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724, 0.0], [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347, 0.0], [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881, 0.0]], "ret_area_avg": 33007.47532835774}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102, "kf": {"x": [null, null, 31703.6116669297]}, "pos": [656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721]}, {"time_since_observed": 0, "confidence": 1, "age": 82, "kf": {"x": [null, null, 33018.302625619246]}, "pos": [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 21981.609117046224]}, "pos": [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18, "kf": {"x": [null, null, 49649.502007005256]}, "pos": [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "ret_trks": [[656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721, 0.0], [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717, 0.0], [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268, 0.0], [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232, 0.0]], "ret_area_avg": 34088.2563541501}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103, "kf": {"x": [null, null, 32590.618967586677]}, "pos": [657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944]}, {"time_since_observed": 0, "confidence": 1, "age": 83, "kf": {"x": [null, null, 33019.05359457713]}, "pos": [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 22015.73835311119]}, "pos": [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19, "kf": {"x": [null, null, 42068.74378866031]}, "pos": [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "ret_trks": [[657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944, 0.0], [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298, 0.0], [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722, 0.0], [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575, 0.0]], "ret_area_avg": 32423.53867598383}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104, "kf": {"x": [null, null, 32928.34903858324]}, "pos": [658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671]}, {"time_since_observed": 0, "confidence": 1, "age": 84, "kf": {"x": [null, null, 33019.2311869816]}, "pos": [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 22018.86138899952]}, "pos": [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724]}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20, "kf": {"x": [null, null, 43037.185268446556]}, "pos": [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20}], "ret_trks": [[658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671, 0.0], [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106, 0.0], [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724, 0.0], [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 0.0]], "ret_area_avg": 32750.906720752726}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105, "kf": {"x": [null, null, 33056.30877948029]}, "pos": [658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258]}, {"time_since_observed": 0, "confidence": 1, "age": 85, "kf": {"x": [null, null, 30299.285832293503]}, "pos": [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 22011.10260876523]}, "pos": [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917]}, {"time_since_observed": 1, "confidence": 1, "age": 21, "kf": {"x": [null, null, 43023.15668583351]}, "pos": [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 1, "confidence": 1, "age": 21}], "ret_trks": [[658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258, 0.0], [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143, 0.0], [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917, 0.0], [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269, 0.0]], "ret_area_avg": 32097.463476593133}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106, "kf": {"x": [null, null, 33104.16775195961]}, "pos": [657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485]}, {"time_since_observed": 0, "confidence": 1, "age": 86, "kf": {"x": [null, null, 35106.73011911116]}, "pos": [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 21999.989881108882]}, "pos": [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933]}, {"time_since_observed": 0, "confidence": 1, "age": 22, "kf": {"x": [null, null, 43484.39390894157]}, "pos": [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 1, "age": 22}], "ret_trks": [[657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485, 0.0], [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461, 0.0], [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933, 0.0], [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 0.0]], "ret_area_avg": 33423.82041528031}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107, "kf": {"x": [null, null, 33121.451149198496]}, "pos": [657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816]}, {"time_since_observed": 0, "confidence": 1, "age": 87, "kf": {"x": [null, null, 36941.617737734]}, "pos": [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 21988.286109796067]}, "pos": [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249]}, {"time_since_observed": 1, "confidence": 1, "age": 23, "kf": {"x": [null, null, 43488.559268894045]}, "pos": [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 23}], "ret_trks": [[657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816, 0.0], [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036, 0.0], [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249, 0.0], [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 0.0]], "ret_area_avg": 33884.978566405654}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108, "kf": {"x": [null, null, 33127.07408205021]}, "pos": [657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971]}, {"time_since_observed": 0, "confidence": 1, "age": 88, "kf": {"x": [null, null, 34516.359160136046]}, "pos": [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 21976.95907229013]}, "pos": [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333]}, {"time_since_observed": 2, "confidence": 1, "age": 24, "kf": {"x": [null, null, 43490.64194887028]}, "pos": [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 24}], "ret_trks": [[657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971, 0.0], [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672, 0.0], [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333, 0.0], [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444, 0.0]], "ret_area_avg": 33277.75856583667}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109, "kf": {"x": [null, null, 33128.260519276635]}, "pos": [657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564]}, {"time_since_observed": 0, "confidence": 1, "age": 89, "kf": {"x": [null, null, 36714.420639931]}, "pos": [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 21966.30679387176]}, "pos": [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135]}, {"time_since_observed": 0, "confidence": 1, "age": 25, "kf": {"x": [null, null, 43608.56296023034]}, "pos": [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "ret_trks": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]], "ret_area_avg": 33854.387728327434}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110, "kf": {"x": [null, null, 36244.235654533026]}, "pos": [658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689]}, {"time_since_observed": 0, "confidence": 1, "age": 90, "kf": {"x": [null, null, 37552.82946977535]}, "pos": [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 21956.382994383668]}, "pos": [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729]}, {"time_since_observed": 1, "confidence": 1, "age": 26, "kf": {"x": [null, null, 43612.001507872614]}, "pos": [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 26}], "ret_trks": [[658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689, 0.0], [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079, 0.0], [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729, 0.0], [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728, 0.0]], "ret_area_avg": 34841.36240664116}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111, "kf": {"x": [null, null, 37432.66151883211]}, "pos": [658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135]}, {"time_since_observed": 0, "confidence": 1, "age": 91, "kf": {"x": [null, null, 37871.98575838359]}, "pos": [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 21947.157025741435]}, "pos": [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956]}, {"time_since_observed": 0, "confidence": 1, "age": 27, "kf": {"x": [null, null, 48770.86998672828]}, "pos": [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "ret_trks": [[658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135, 0.0], [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426, 0.0], [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956, 0.0], [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966, 0.0]], "ret_area_avg": 36505.66857242135}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112, "kf": {"x": [null, null, 41464.6071919876]}, "pos": [658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041]}, {"time_since_observed": 0, "confidence": 1, "age": 92, "kf": {"x": [null, null, 34869.92701388349]}, "pos": [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 21938.573235956752]}, "pos": [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278]}, {"time_since_observed": 0, "confidence": 1, "age": 28, "kf": {"x": [null, null, 41663.209423426124]}, "pos": [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "ret_trks": [[658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041, 0.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 0.0], [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278, 0.0], [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257, 0.0]], "ret_area_avg": 34984.07921631349}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113, "kf": {"x": [null, null, 43002.07074556854]}, "pos": [657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962]}, {"time_since_observed": 1, "confidence": 1, "age": 93, "kf": {"x": [null, null, 34885.001202376865]}, "pos": [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 21930.572371574126]}, "pos": [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793]}, {"time_since_observed": 0, "confidence": 1, "age": 29, "kf": {"x": [null, null, 39147.34816578477]}, "pos": [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_trks": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]], "ret_area_avg": 34741.248121326076}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114, "kf": {"x": [null, null, 36892.4157577295]}, "pos": [671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217]}, {"time_since_observed": 2, "confidence": 1, "age": 94, "kf": {"x": [null, null, 34892.53829662355]}, "pos": [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 21923.09876497963]}, "pos": [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739]}, {"time_since_observed": 0, "confidence": 1, "age": 30, "kf": {"x": [null, null, 46198.40949518652]}, "pos": [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "ret_trks": [[671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217, 0.0], [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307, 0.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 0.0], [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935, 0.0]], "ret_area_avg": 34976.6155786298}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115, "kf": {"x": [null, null, 34558.00870892489]}, "pos": [676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486]}, {"time_since_observed": 0, "confidence": 1, "age": 95, "kf": {"x": [null, null, 16858.335080706634]}, "pos": [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355]}, {"time_since_observed": 1, "confidence": 1, "age": 33, "kf": {"x": [null, null, 21987.884507458064]}, "pos": [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951]}, {"time_since_observed": 0, "confidence": 1, "age": 31, "kf": {"x": [null, null, 48874.016597981914]}, "pos": [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "ret_trks": [[676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486, 0.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 0.0], [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951, 0.0], [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242, 0.0]], "ret_area_avg": 30569.561223767876}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116, "kf": {"x": [null, null, 36780.368332399]}, "pos": [665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677]}, {"time_since_observed": 1, "confidence": 1, "age": 96, "kf": {"x": [null, null, 16742.339038818172]}, "pos": [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673]}, {"time_since_observed": 0, "confidence": 1, "age": 34, "kf": {"x": [null, null, 21842.97858223514]}, "pos": [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532]}, {"time_since_observed": 0, "confidence": 1, "age": 32, "kf": {"x": [null, null, 49886.118337747794]}, "pos": [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_trks": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]], "ret_area_avg": 31312.951072800024}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117, "kf": {"x": [null, null, 34513.110133915885]}, "pos": [674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202]}, {"time_since_observed": 2, "confidence": 1, "age": 97, "kf": {"x": [null, null, 16684.341017873943]}, "pos": [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403]}, {"time_since_observed": 0, "confidence": 1, "age": 35, "kf": {"x": [null, null, 23980.621659895693]}, "pos": [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497]}, {"time_since_observed": 0, "confidence": 1, "age": 33, "kf": {"x": [null, null, 50264.74129114274]}, "pos": [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_trks": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]], "ret_area_avg": 31360.703525707064}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118, "kf": {"x": [null, null, 33646.343306771334]}, "pos": [677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262]}, {"time_since_observed": 3, "confidence": 1, "age": 98, "kf": {"x": [null, null, 16655.34200740183]}, "pos": [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213]}, {"time_since_observed": 0, "confidence": 1, "age": 36, "kf": {"x": [null, null, 22625.466219069982]}, "pos": [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999]}, {"time_since_observed": 0, "confidence": 1, "age": 34, "kf": {"x": [null, null, 50402.287079164904]}, "pos": [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_trks": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]], "ret_area_avg": 30832.359653102012}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119, "kf": {"x": [null, null, 33314.50817584965]}, "pos": [678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217]}, {"time_since_observed": 4, "confidence": 1, "age": 99, "kf": {"x": [null, null, 16640.84250216577]}, "pos": [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422]}, {"time_since_observed": 0, "confidence": 1, "age": 37, "kf": {"x": [null, null, 22111.896272583555]}, "pos": [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701]}, {"time_since_observed": 0, "confidence": 1, "age": 35, "kf": {"x": [null, null, 55317.894786800454]}, "pos": [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_trks": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]], "ret_area_avg": 31846.285434349862}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120, "kf": {"x": [null, null, 33187.003462979774]}, "pos": [678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368]}, {"time_since_observed": 5, "confidence": 1, "age": 100, "kf": {"x": [null, null, 16633.59274954774]}, "pos": [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203]}, {"time_since_observed": 0, "confidence": 1, "age": 38, "kf": {"x": [null, null, 21914.810580649486]}, "pos": [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864]}, {"time_since_observed": 0, "confidence": 1, "age": 36, "kf": {"x": [null, null, 52316.681656928566]}, "pos": [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 1492.5180280000038]}, "pos": [534.0, 460.48, 555.9740000000002, 528.402]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368, 0.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 0.0], [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864, 0.0], [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "ret_area_avg": 25108.921295621116}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121, "kf": {"x": [null, null, 33137.55528190601]}, "pos": [678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882]}, {"time_since_observed": 6, "confidence": 1, "age": 101, "kf": {"x": [null, null, 16629.967873238726]}, "pos": [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471]}, {"time_since_observed": 0, "confidence": 1, "age": 39, "kf": {"x": [null, null, 21838.263392850655]}, "pos": [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789]}, {"time_since_observed": 0, "confidence": 1, "age": 37, "kf": {"x": [null, null, 51166.13811577652]}, "pos": [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 1492.5180280000038]}, "pos": [534.0, 460.48, 555.9740000000002, 528.402]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882, 0.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 0.0], [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789, 0.0], [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "ret_area_avg": 24852.888538354382}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122, "kf": {"x": [null, null, 33117.93277668641]}, "pos": [678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123]}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102, "kf": {"x": [null, null, 16628.15543508422]}, "pos": [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858]}, {"time_since_observed": 0, "confidence": 1, "age": 40, "kf": {"x": [null, null, 21807.75486885419]}, "pos": [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844]}, {"time_since_observed": 0, "confidence": 1, "age": 38, "kf": {"x": [null, null, 46501.02816040414]}, "pos": [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516]}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3, "kf": {"x": [null, null, 1492.5180280000038]}, "pos": [534.0, 460.48, 555.9740000000002, 528.402]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3}], "ret_trks": [[678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123, 0.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 0.0], [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844, 0.0], [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "ret_area_avg": 23909.477853805794}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123, "kf": {"x": [null, null, 33109.71376342681]}, "pos": [678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524]}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103, "kf": {"x": [null, null, 16627.249216006967]}, "pos": [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438]}, {"time_since_observed": 0, "confidence": 1, "age": 41, "kf": {"x": [null, null, 21794.874678790275]}, "pos": [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399]}, {"time_since_observed": 0, "confidence": 1, "age": 39, "kf": {"x": [null, null, 48937.34202583229]}, "pos": [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674]}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 4, "kf": {"x": [null, null, 1492.5180280000038]}, "pos": [534.0, 460.48, 555.9740000000002, 528.402]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 4}], "ret_trks": [[678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524, 0.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 0.0], [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399, 0.0], [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "ret_area_avg": 24392.339542411268}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124, "kf": {"x": [null, null, 33105.86156073277]}, "pos": [678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126]}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104, "kf": {"x": [null, null, 16626.79610646834]}, "pos": [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859]}, {"time_since_observed": 0, "confidence": 1, "age": 42, "kf": {"x": [null, null, 21788.780263674296]}, "pos": [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963]}, {"time_since_observed": 0, "confidence": 1, "age": 40, "kf": {"x": [null, null, 49862.01552138999]}, "pos": [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775]}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5, "kf": {"x": [null, null, 1771.9230636159564]}, "pos": [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5}], "ret_trks": [[678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126, 0.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 0.0], [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963, 0.0], [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775, 0.0], [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 0.0]], "ret_area_avg": 24631.07530317627}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125, "kf": {"x": [null, null, 33103.688224059304]}, "pos": [678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102]}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105, "kf": {"x": [null, null, 16626.569551699027]}, "pos": [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536]}, {"time_since_observed": 0, "confidence": 1, "age": 43, "kf": {"x": [null, null, 23880.712784326508]}, "pos": [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967]}, {"time_since_observed": 0, "confidence": 1, "age": 41, "kf": {"x": [null, null, 50210.19958822756]}, "pos": [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174]}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 6, "kf": {"x": [null, null, 1830.0128195145421]}, "pos": [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 6}], "ret_trks": [[678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102, 0.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 0.0], [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967, 0.0], [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174, 0.0], [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588, 0.0]], "ret_area_avg": 25130.236593565387}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126, "kf": {"x": [null, null, 33102.16683379786]}, "pos": [677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851]}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106, "kf": {"x": [null, null, 16626.45627431437]}, "pos": [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743]}, {"time_since_observed": 0, "confidence": 1, "age": 44, "kf": {"x": [null, null, 24675.922700120464]}, "pos": [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397]}, {"time_since_observed": 0, "confidence": 1, "age": 42, "kf": {"x": [null, null, 50338.64671299257]}, "pos": [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986]}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7, "kf": {"x": [null, null, 1780.0687044704605]}, "pos": [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7}], "ret_trks": [[677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851, 0.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 0.0], [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397, 0.0], [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986, 0.0], [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 0.0]], "ret_area_avg": 25304.652245139143}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127, "kf": {"x": [null, null, 36213.22562997873]}, "pos": [680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392]}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107, "kf": {"x": [null, null, 16626.39963562204]}, "pos": [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077]}, {"time_since_observed": 0, "confidence": 1, "age": 45, "kf": {"x": [null, null, 22884.546094928868]}, "pos": [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133]}, {"time_since_observed": 0, "confidence": 1, "age": 43, "kf": {"x": [null, null, 50383.45523249977]}, "pos": [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703]}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 8, "kf": {"x": [null, null, 1821.7915687336886]}, "pos": [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 8}], "ret_trks": [[680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392, 0.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 0.0], [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133, 0.0], [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703, 0.0], [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206, 0.0]], "ret_area_avg": 25585.883632352623}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128, "kf": {"x": [null, null, 37400.16921498975]}, "pos": [681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631]}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108, "kf": {"x": [null, null, 16626.371316275876]}, "pos": [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765]}, {"time_since_observed": 0, "confidence": 1, "age": 46, "kf": {"x": [null, null, 22199.88079305343]}, "pos": [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908]}, {"time_since_observed": 0, "confidence": 1, "age": 44, "kf": {"x": [null, null, 55219.26278623343]}, "pos": [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217]}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9, "kf": {"x": [null, null, 2013.2529121006985]}, "pos": [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "ret_trks": [[681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631, 0.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 0.0], [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908, 0.0], [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217, 0.0], [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771, 0.0]], "ret_area_avg": 26691.787404530634}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129, "kf": {"x": [null, null, 37852.20194244668]}, "pos": [681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961]}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109, "kf": {"x": [null, null, 16626.357156602793]}, "pos": [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388]}, {"time_since_observed": 0, "confidence": 1, "age": 47, "kf": {"x": [null, null, 24026.33516822354]}, "pos": [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187]}, {"time_since_observed": 0, "confidence": 1, "age": 45, "kf": {"x": [null, null, 57056.44710351333]}, "pos": [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621]}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10, "kf": {"x": [null, null, 2050.740377681892]}, "pos": [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "ret_trks": [[681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961, 0.0], [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 0.0], [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187, 0.0], [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621, 0.0], [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688, 0.0]], "ret_area_avg": 27522.416349693645}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130, "kf": {"x": [null, null, 38023.548941622714]}, "pos": [681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305]}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110, "kf": {"x": [null, null, 16626.34299692971]}, "pos": [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807]}, {"time_since_observed": 0, "confidence": 1, "age": 48, "kf": {"x": [null, null, 22633.61981671545]}, "pos": [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491]}, {"time_since_observed": 0, "confidence": 1, "age": 46, "kf": {"x": [null, null, 57749.617051172965]}, "pos": [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876]}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11, "kf": {"x": [null, null, 2059.3108849834057]}, "pos": [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "ret_trks": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]], "ret_area_avg": 27418.487938284845}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131, "kf": {"x": [null, null, 38087.70477353874]}, "pos": [681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474]}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111, "kf": {"x": [null, null, 16626.328837256628]}, "pos": [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023]}, {"time_since_observed": 0, "confidence": 1, "age": 49, "kf": {"x": [null, null, 22101.171307253215]}, "pos": [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603]}, {"time_since_observed": 0, "confidence": 1, "age": 47, "kf": {"x": [null, null, 63536.5270954411]}, "pos": [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915]}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 12, "kf": {"x": [null, null, 2111.699035275138]}, "pos": [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 12}], "ret_trks": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]], "ret_area_avg": 28492.686209752963}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132, "kf": {"x": [null, null, 38110.93678873589]}, "pos": [681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959]}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112, "kf": {"x": [null, null, 16626.321757420086]}, "pos": [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138]}, {"time_since_observed": 0, "confidence": 1, "age": 50, "kf": {"x": [null, null, 23981.582152511855]}, "pos": [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626]}, {"time_since_observed": 0, "confidence": 1, "age": 48, "kf": {"x": [null, null, 65733.35432202111]}, "pos": [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232]}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13, "kf": {"x": [null, null, 1836.1120049837734]}, "pos": [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_trks": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]], "ret_area_avg": 29257.66140513454}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133, "kf": {"x": [null, null, 38118.556019749936]}, "pos": [681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298]}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113, "kf": {"x": [null, null, 16626.318217501816]}, "pos": [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261]}, {"time_since_observed": 0, "confidence": 1, "age": 51, "kf": {"x": [null, null, 24697.044292501247]}, "pos": [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198]}, {"time_since_observed": 0, "confidence": 1, "age": 49, "kf": {"x": [null, null, 61038.028371545064]}, "pos": [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157]}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14, "kf": {"x": [null, null, 1779.445794739228]}, "pos": [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14}], "ret_trks": [[681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298, 0.0], [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 0.0], [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198, 0.0], [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157, 0.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 0.0]], "ret_area_avg": 28451.87853920746}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134, "kf": {"x": [null, null, 38120.229878959886]}, "pos": [680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222]}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114, "kf": {"x": [null, null, 16626.314677583545]}, "pos": [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371]}, {"time_since_observed": 0, "confidence": 1, "age": 52, "kf": {"x": [null, null, 22885.96517835167]}, "pos": [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666]}, {"time_since_observed": 0, "confidence": 1, "age": 50, "kf": {"x": [null, null, 64757.80575416499]}, "pos": [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177]}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 15, "kf": {"x": [null, null, 1799.2839103163205]}, "pos": [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 15}], "ret_trks": [[680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222, 0.0], [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 0.0], [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666, 0.0], [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177, 0.0], [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857, 0.0]], "ret_area_avg": 28837.919879875284}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135, "kf": {"x": [null, null, 41693.612911536984]}, "pos": [681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638]}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115, "kf": {"x": [null, null, 16626.311137665274]}, "pos": [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469]}, {"time_since_observed": 0, "confidence": 1, "age": 53, "kf": {"x": [null, null, 22193.878093768733]}, "pos": [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206]}, {"time_since_observed": 0, "confidence": 1, "age": 51, "kf": {"x": [null, null, 60651.7399069715]}, "pos": [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471]}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16, "kf": {"x": [null, null, 1568.7435490992043]}, "pos": [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16}], "ret_trks": [[681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638, 0.0], [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 0.0], [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206, 0.0], [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471, 0.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 0.0]], "ret_area_avg": 28546.857119808334}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136, "kf": {"x": [null, null, 43056.56550163274]}, "pos": [681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567]}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116, "kf": {"x": [null, null, 16626.307597747003]}, "pos": [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553]}, {"time_since_observed": 0, "confidence": 1, "age": 54, "kf": {"x": [null, null, 24008.619309390706]}, "pos": [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476]}, {"time_since_observed": 0, "confidence": 1, "age": 52, "kf": {"x": [null, null, 64590.20978984501]}, "pos": [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271]}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17, "kf": {"x": [null, null, 1572.3108219172757]}, "pos": [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17}], "ret_trks": [[681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567, 0.0], [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 0.0], [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476, 0.0], [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271, 0.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 0.0]], "ret_area_avg": 29970.802604106546}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137, "kf": {"x": [null, null, 43575.24475226839]}, "pos": [681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434]}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117, "kf": {"x": [null, null, 16626.304057828733]}, "pos": [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626]}, {"time_since_observed": 0, "confidence": 1, "age": 55, "kf": {"x": [null, null, 24699.403911778445]}, "pos": [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902]}, {"time_since_observed": 0, "confidence": 1, "age": 53, "kf": {"x": [null, null, 66083.87176464789]}, "pos": [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562]}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18, "kf": {"x": [null, null, 1575.878094735347]}, "pos": [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18}], "ret_trks": [[681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434, 0.0], [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 0.0], [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902, 0.0], [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562, 0.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 0.0]], "ret_area_avg": 30512.140516251762}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138, "kf": {"x": [null, null, 37087.644185731966]}, "pos": [692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213]}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118, "kf": {"x": [null, null, 16626.300517910462]}, "pos": [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685]}, {"time_since_observed": 0, "confidence": 1, "age": 56, "kf": {"x": [null, null, 22883.665318489122]}, "pos": [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615]}, {"time_since_observed": 0, "confidence": 1, "age": 54, "kf": {"x": [null, null, 66644.60214355691]}, "pos": [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936]}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19, "kf": {"x": [null, null, 1579.4453675534185]}, "pos": [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19}], "ret_trks": [[692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213, 0.0], [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 0.0], [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615, 0.0], [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936, 0.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 0.0]], "ret_area_avg": 28964.331506648374}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139, "kf": {"x": [null, null, 37719.37752267578]}, "pos": [701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958]}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119, "kf": {"x": [null, null, 16626.29697799219]}, "pos": [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732]}, {"time_since_observed": 0, "confidence": 1, "age": 57, "kf": {"x": [null, null, 22189.842115413474]}, "pos": [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659]}, {"time_since_observed": 0, "confidence": 1, "age": 55, "kf": {"x": [null, null, 66849.5228288382]}, "pos": [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185]}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20, "kf": {"x": [null, null, 1583.0126403714899]}, "pos": [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20}], "ret_trks": [[701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958, 0.0], [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 0.0], [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659, 0.0], [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185, 0.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 0.0]], "ret_area_avg": 28993.610417058226}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140, "kf": {"x": [null, null, 37959.55491361114]}, "pos": [703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266]}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120, "kf": {"x": [null, null, 16626.29343807392]}, "pos": [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766]}, {"time_since_observed": 0, "confidence": 1, "age": 58, "kf": {"x": [null, null, 23999.915669406244]}, "pos": [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707]}, {"time_since_observed": 0, "confidence": 1, "age": 56, "kf": {"x": [null, null, 56632.866163929626]}, "pos": [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324]}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21, "kf": {"x": [null, null, 1586.5799131895612]}, "pos": [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21}], "ret_trks": [[703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266, 0.0], [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 0.0], [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707, 0.0], [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324, 0.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 0.0]], "ret_area_avg": 27361.042019642093}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141, "kf": {"x": [null, null, 38050.18752809719]}, "pos": [704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845]}, {"time_since_observed": 0, "confidence": 1, "age": 59, "kf": {"x": [null, null, 32963.48458626217]}, "pos": [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171]}, {"time_since_observed": 0, "confidence": 1, "age": 57, "kf": {"x": [null, null, 63011.27626338293]}, "pos": [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_trks": [[704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845, 0.0], [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171, 0.0], [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451, 0.0]], "ret_area_avg": 44674.98279258076}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142, "kf": {"x": [null, null, 38083.71456459775]}, "pos": [705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917]}, {"time_since_observed": 0, "confidence": 1, "age": 60, "kf": {"x": [null, null, 30491.7445350654]}, "pos": [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792]}, {"time_since_observed": 0, "confidence": 1, "age": 58, "kf": {"x": [null, null, 59943.066529941]}, "pos": [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_trks": [[705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917, 0.0], [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792, 0.0], [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243, 0.0]], "ret_area_avg": 42839.50854320139}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143, "kf": {"x": [null, null, 34985.75740675097]}, "pos": [701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953]}, {"time_since_observed": 0, "confidence": 1, "age": 61, "kf": {"x": [null, null, 27162.963864011348]}, "pos": [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568]}, {"time_since_observed": 0, "confidence": 1, "age": 59, "kf": {"x": [null, null, 58766.859869992295]}, "pos": [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_trks": [[701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953, 0.0], [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568, 0.0], [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245, 0.0]], "ret_area_avg": 40305.19371358487}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144, "kf": {"x": [null, null, 36911.554977248845]}, "pos": [703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684]}, {"time_since_observed": 0, "confidence": 1, "age": 62, "kf": {"x": [null, null, 28271.50152725243]}, "pos": [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444]}, {"time_since_observed": 0, "confidence": 1, "age": 60, "kf": {"x": [null, null, 63803.57315858807]}, "pos": [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_trks": [[703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684, 0.0], [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444, 0.0], [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346, 0.0]], "ret_area_avg": 42995.54322102978}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145, "kf": {"x": [null, null, 37646.09177828773]}, "pos": [704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186]}, {"time_since_observed": 0, "confidence": 1, "age": 63, "kf": {"x": [null, null, 28691.984087738405]}, "pos": [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897]}, {"time_since_observed": 0, "confidence": 1, "age": 61, "kf": {"x": [null, null, 60231.025253100415]}, "pos": [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_trks": [[704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186, 0.0], [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897, 0.0], [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977, 0.0]], "ret_area_avg": 42189.70037304218}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146, "kf": {"x": [null, null, 37925.621524014685]}, "pos": [704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491]}, {"time_since_observed": 0, "confidence": 1, "age": 64, "kf": {"x": [null, null, 28849.83541863149]}, "pos": [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833]}, {"time_since_observed": 0, "confidence": 1, "age": 62, "kf": {"x": [null, null, 58862.6508263591]}, "pos": [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_trks": [[704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491, 0.0], [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833, 0.0], [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823, 0.0]], "ret_area_avg": 41879.3692563351}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147, "kf": {"x": [null, null, 34922.20219884486]}, "pos": [700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423]}, {"time_since_observed": 0, "confidence": 1, "age": 65, "kf": {"x": [null, null, 24459.23065508885]}, "pos": [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656]}, {"time_since_observed": 0, "confidence": 1, "age": 63, "kf": {"x": [null, null, 58336.00423442031]}, "pos": [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_trks": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]], "ret_area_avg": 39239.14569611801}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148, "kf": {"x": [null, null, 36883.6351339369]}, "pos": [702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652]}, {"time_since_observed": 1, "confidence": 1, "age": 66, "kf": {"x": [null, null, 24493.53168875355]}, "pos": [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761]}, {"time_since_observed": 0, "confidence": 1, "age": 64, "kf": {"x": [null, null, 58130.877284364346]}, "pos": [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "ret_trks": [[702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652, 0.0], [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761, 0.0], [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901, 0.0]], "ret_area_avg": 39836.0147023516}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149, "kf": {"x": [null, null, 37631.835947045874]}, "pos": [703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802]}, {"time_since_observed": 0, "confidence": 1, "age": 67, "kf": {"x": [null, null, 22455.662139469117]}, "pos": [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342]}, {"time_since_observed": 0, "confidence": 1, "age": 65, "kf": {"x": [null, null, 58048.63757660079]}, "pos": [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "ret_trks": [[703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802, 0.0], [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342, 0.0], [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661, 0.0]], "ret_area_avg": 39378.71188770526}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150, "kf": {"x": [null, null, 37916.63467539148]}, "pos": [703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245]}, {"time_since_observed": 0, "confidence": 1, "age": 68, "kf": {"x": [null, null, 21971.910389017146]}, "pos": [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869]}, {"time_since_observed": 0, "confidence": 1, "age": 66, "kf": {"x": [null, null, 63491.44754464778]}, "pos": [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "ret_trks": [[703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245, 0.0], [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869, 0.0], [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623, 0.0]], "ret_area_avg": 41126.6642030188}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151, "kf": {"x": [null, null, 41595.883942290464]}, "pos": [705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008]}, {"time_since_observed": 0, "confidence": 1, "age": 69, "kf": {"x": [null, null, 21798.25215923234]}, "pos": [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879]}, {"time_since_observed": 0, "confidence": 1, "age": 67, "kf": {"x": [null, null, 65563.46988389298]}, "pos": [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "ret_trks": [[705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008, 0.0], [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879, 0.0], [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708, 0.0]], "ret_area_avg": 42985.86866180526}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152, "kf": {"x": [null, null, 39428.27576644125]}, "pos": [720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021]}, {"time_since_observed": 0, "confidence": 1, "age": 70, "kf": {"x": [null, null, 23800.205942693698]}, "pos": [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336]}, {"time_since_observed": 0, "confidence": 1, "age": 68, "kf": {"x": [null, null, 66348.54983716052]}, "pos": [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "ret_trks": [[720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021, 0.0], [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336, 0.0], [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025, 0.0]], "ret_area_avg": 43192.34384876516}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153, "kf": {"x": [null, null, 38599.37079771769]}, "pos": [725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652]}, {"time_since_observed": 0, "confidence": 1, "age": 71, "kf": {"x": [null, null, 24563.02861035507]}, "pos": [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429]}, {"time_since_observed": 0, "confidence": 1, "age": 69, "kf": {"x": [null, null, 66642.38197694015]}, "pos": [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 4641.0]}, "pos": [497.0, 449.0, 536.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652, 0.0], [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429, 0.0], [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "ret_area_avg": 33611.445346253226}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154, "kf": {"x": [null, null, 38281.82100751522]}, "pos": [727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086]}, {"time_since_observed": 0, "confidence": 1, "age": 72, "kf": {"x": [null, null, 24853.607203841817]}, "pos": [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682]}, {"time_since_observed": 0, "confidence": 1, "age": 70, "kf": {"x": [null, null, 66748.79345654356]}, "pos": [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 4641.0]}, "pos": [497.0, 449.0, 536.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "ret_area_avg": 33631.30541697515}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155, "kf": {"x": [null, null, 41730.546363189496]}, "pos": [730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833]}, {"time_since_observed": 1, "confidence": 1, "age": 73, "kf": {"x": [null, null, 24872.40845288857]}, "pos": [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832]}, {"time_since_observed": 0, "confidence": 1, "age": 71, "kf": {"x": [null, null, 80282.97288288773]}, "pos": [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 4641.0]}, "pos": [507.46272551911943, 449.0, 546.4627255191194, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]], "ret_area_avg": 37881.73192474145}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156, "kf": {"x": [null, null, 43046.26771180431]}, "pos": [731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811]}, {"time_since_observed": 0, "confidence": 1, "age": 74, "kf": {"x": [null, null, 27744.274331278277]}, "pos": [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597]}, {"time_since_observed": 0, "confidence": 1, "age": 72, "kf": {"x": [null, null, 71944.60194518871]}, "pos": [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169]}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4, "kf": {"x": [null, null, 4641.0]}, "pos": [511.1055259276069, 449.0, 550.1055259276069, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 21713.442659999997]}, "pos": [892.72, 429.71000000000004, 977.462, 685.94]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811, 0.0], [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597, 0.0], [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169, 0.0], [511.1055259276069, 449.0, 550.1055259276069, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "ret_area_avg": 33817.91732965426}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157, "kf": {"x": [null, null, 43547.266211258255]}, "pos": [732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031]}, {"time_since_observed": 0, "confidence": 1, "age": 75, "kf": {"x": [null, null, 28434.067613891413]}, "pos": [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711]}, {"time_since_observed": 0, "confidence": 1, "age": 73, "kf": {"x": [null, null, 68755.09039826375]}, "pos": [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207]}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5, "kf": {"x": [null, null, 4641.0]}, "pos": [514.7483263360944, 449.0, 553.7483263360944, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 21713.442659999997]}, "pos": [892.72, 429.71000000000004, 977.462, 685.94]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031, 0.0], [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711, 0.0], [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207, 0.0], [514.7483263360944, 449.0, 553.7483263360944, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "ret_area_avg": 33418.17337668268}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158, "kf": {"x": [null, null, 43737.08485442152]}, "pos": [731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606]}, {"time_since_observed": 0, "confidence": 1, "age": 76, "kf": {"x": [null, null, 31416.661919183574]}, "pos": [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242]}, {"time_since_observed": 0, "confidence": 1, "age": 74, "kf": {"x": [null, null, 67531.92225482379]}, "pos": [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187]}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6, "kf": {"x": [null, null, 4641.0]}, "pos": [518.3911267445818, 449.0, 557.3911267445818, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 21713.442659999997]}, "pos": [892.72, 429.71000000000004, 977.462, 685.94]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606, 0.0], [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242, 0.0], [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187, 0.0], [518.3911267445818, 449.0, 557.3911267445818, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "ret_area_avg": 33808.022337685776}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159, "kf": {"x": [null, null, 43808.06157196527]}, "pos": [731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146]}, {"time_since_observed": 0, "confidence": 1, "age": 77, "kf": {"x": [null, null, 32543.765360619254]}, "pos": [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751]}, {"time_since_observed": 0, "confidence": 1, "age": 75, "kf": {"x": [null, null, 67059.78548463134]}, "pos": [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336]}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4, "kf": {"x": [null, null, 21713.442659999997]}, "pos": [892.72, 429.71000000000004, 977.462, 685.94]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "ret_trks": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "ret_area_avg": 41281.263769303965}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160, "kf": {"x": [null, null, 40263.28956581241]}, "pos": [744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795]}, {"time_since_observed": 0, "confidence": 1, "age": 78, "kf": {"x": [null, null, 60314.88731502061]}, "pos": [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232]}, {"time_since_observed": 0, "confidence": 1, "age": 76, "kf": {"x": [null, null, 66874.57943581234]}, "pos": [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444]}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 5, "kf": {"x": [null, null, 21713.442659999997]}, "pos": [892.72, 429.71000000000004, 977.462, 685.94]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 5}], "ret_trks": [[744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795, 0.0], [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232, 0.0], [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "ret_area_avg": 47291.54974416134}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161, "kf": {"x": [null, null, 38908.4643966225]}, "pos": [749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198]}, {"time_since_observed": 0, "confidence": 1, "age": 79, "kf": {"x": [null, null, 78109.73281913628]}, "pos": [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155]}, {"time_since_observed": 0, "confidence": 1, "age": 77, "kf": {"x": [null, null, 66799.06975591656]}, "pos": [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6, "kf": {"x": [null, null, 29676.98250173958]}, "pos": [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "ret_trks": [[749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198, 0.0], [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155, 0.0], [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089, 0.0], [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146, 0.0]], "ret_area_avg": 53373.56236835373}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162, "kf": {"x": [null, null, 38390.14606396547]}, "pos": [750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685]}, {"time_since_observed": 0, "confidence": 1, "age": 80, "kf": {"x": [null, null, 84890.58093718316]}, "pos": [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208]}, {"time_since_observed": 0, "confidence": 1, "age": 78, "kf": {"x": [null, null, 80240.73163731753]}, "pos": [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7, "kf": {"x": [null, null, 30263.34061420155]}, "pos": [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "ret_trks": [[750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685, 0.0], [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208, 0.0], [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352, 0.0], [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627, 0.0]], "ret_area_avg": 58446.199813166924}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163, "kf": {"x": [null, null, 38191.35955119349]}, "pos": [751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191]}, {"time_since_observed": 0, "confidence": 1, "age": 81, "kf": {"x": [null, null, 80265.3358346232]}, "pos": [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526]}, {"time_since_observed": 0, "confidence": 1, "age": 79, "kf": {"x": [null, null, 71892.26390658958]}, "pos": [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8, "kf": {"x": [null, null, 30318.560458844113]}, "pos": [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "ret_trks": [[751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191, 0.0], [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526, 0.0], [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909, 0.0], [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127, 0.0]], "ret_area_avg": 55166.8799378126}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164, "kf": {"x": [null, null, 41684.597532801454]}, "pos": [755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082]}, {"time_since_observed": 0, "confidence": 1, "age": 82, "kf": {"x": [null, null, 85686.38419712939]}, "pos": [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981]}, {"time_since_observed": 0, "confidence": 1, "age": 80, "kf": {"x": [null, null, 82168.83309984255]}, "pos": [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9, "kf": {"x": [null, null, 30210.811219089996]}, "pos": [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "ret_trks": [[755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082, 0.0], [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981, 0.0], [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765, 0.0], [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267, 0.0]], "ret_area_avg": 59937.65651221584}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165, "kf": {"x": [null, null, 43017.47616222511]}, "pos": [756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953]}, {"time_since_observed": 0, "confidence": 1, "age": 83, "kf": {"x": [null, null, 87742.93308897645]}, "pos": [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517]}, {"time_since_observed": 0, "confidence": 1, "age": 81, "kf": {"x": [null, null, 86084.26168516203]}, "pos": [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10, "kf": {"x": [null, null, 30068.554366836222]}, "pos": [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "ret_trks": [[756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953, 0.0], [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517, 0.0], [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341, 0.0], [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736, 0.0]], "ret_area_avg": 61728.306325799946}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166, "kf": {"x": [null, null, 47626.76899992819]}, "pos": [758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214]}, {"time_since_observed": 0, "confidence": 1, "age": 84, "kf": {"x": [null, null, 75056.50438140964]}, "pos": [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218]}, {"time_since_observed": 0, "confidence": 1, "age": 82, "kf": {"x": [null, null, 87570.60322219734]}, "pos": [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11, "kf": {"x": [null, null, 29933.552520845762]}, "pos": [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "ret_trks": [[758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214, 0.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 0.0], [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751, 0.0], [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633, 0.0]], "ret_area_avg": 60046.85728109523}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167, "kf": {"x": [null, null, 49385.235790520506]}, "pos": [758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065]}, {"time_since_observed": 1, "confidence": 1, "age": 85, "kf": {"x": [null, null, 75410.82301789067]}, "pos": [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606]}, {"time_since_observed": 0, "confidence": 1, "age": 83, "kf": {"x": [null, null, 88129.48368992704]}, "pos": [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12, "kf": {"x": [null, null, 29816.15708415659]}, "pos": [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "ret_trks": [[758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065, 0.0], [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606, 0.0], [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455, 0.0], [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583, 0.0]], "ret_area_avg": 60685.4248956237}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168, "kf": {"x": [null, null, 45953.409733037995]}, "pos": [756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744]}, {"time_since_observed": 0, "confidence": 1, "age": 86, "kf": {"x": [null, null, 84756.1507920502]}, "pos": [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985]}, {"time_since_observed": 0, "confidence": 1, "age": 84, "kf": {"x": [null, null, 88334.36400804998]}, "pos": [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13, "kf": {"x": [null, null, 27059.48317938206]}, "pos": [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "ret_trks": [[756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744, 0.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 0.0], [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491, 0.0], [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947, 0.0]], "ret_area_avg": 61525.851928130054}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169, "kf": {"x": [null, null, 48742.464422389734]}, "pos": [757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274]}, {"time_since_observed": 1, "confidence": 1, "age": 87, "kf": {"x": [null, null, 84997.04013447555]}, "pos": [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752]}, {"time_since_observed": 0, "confidence": 1, "age": 85, "kf": {"x": [null, null, 88404.24235207931]}, "pos": [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14, "kf": {"x": [null, null, 26000.51356051379]}, "pos": [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "ret_trks": [[757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274, 0.0], [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752, 0.0], [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478, 0.0], [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353, 0.0]], "ret_area_avg": 62036.0651173646}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170, "kf": {"x": [null, null, 45704.54383922555]}, "pos": [756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711]}, {"time_since_observed": 0, "confidence": 1, "age": 88, "kf": {"x": [null, null, 87138.63457926766]}, "pos": [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468]}, {"time_since_observed": 0, "confidence": 1, "age": 86, "kf": {"x": [null, null, 88422.74817574008]}, "pos": [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15, "kf": {"x": [null, null, 28186.75847689741]}, "pos": [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "ret_trks": [[756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711, 0.0], [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468, 0.0], [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692, 0.0], [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772, 0.0]], "ret_area_avg": 62363.17126778268}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171, "kf": {"x": [null, null, 44542.81911595939]}, "pos": [755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233]}, {"time_since_observed": 0, "confidence": 1, "age": 89, "kf": {"x": [null, null, 87661.7867276764]}, "pos": [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228]}, {"time_since_observed": 0, "confidence": 1, "age": 87, "kf": {"x": [null, null, 81229.58735812006]}, "pos": [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16, "kf": {"x": [null, null, 26395.969214939865]}, "pos": [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_trks": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]], "ret_area_avg": 59957.54060417393}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172, "kf": {"x": [null, null, 48198.75128968599]}, "pos": [756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943]}, {"time_since_observed": 1, "confidence": 1, "age": 90, "kf": {"x": [null, null, 87797.26428453601]}, "pos": [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884]}, {"time_since_observed": 0, "confidence": 1, "age": 88, "kf": {"x": [null, null, 85667.91040306666]}, "pos": [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17, "kf": {"x": [null, null, 28269.30689436986]}, "pos": [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_trks": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]], "ret_area_avg": 62483.30821791463}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173, "kf": {"x": [null, null, 49593.19623484219]}, "pos": [757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728]}, {"time_since_observed": 2, "confidence": 1, "age": 91, "kf": {"x": [null, null, 87865.00306296581]}, "pos": [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768]}, {"time_since_observed": 0, "confidence": 1, "age": 89, "kf": {"x": [null, null, 87355.30244844433]}, "pos": [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18, "kf": {"x": [null, null, 31882.941040685255]}, "pos": [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_trks": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]], "ret_area_avg": 64174.110696734395}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174, "kf": {"x": [null, null, 50123.83625973743]}, "pos": [756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855]}, {"time_since_observed": 0, "confidence": 1, "age": 92, "kf": {"x": [null, null, 57626.5242696673]}, "pos": [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421]}, {"time_since_observed": 0, "confidence": 1, "age": 90, "kf": {"x": [null, null, 87992.23385103252]}, "pos": [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19, "kf": {"x": [null, null, 30301.527347251103]}, "pos": [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_trks": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]], "ret_area_avg": 56511.03043192209}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175, "kf": {"x": [null, null, 42654.84334508148]}, "pos": [767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149]}, {"time_since_observed": 1, "confidence": 1, "age": 93, "kf": {"x": [null, null, 57455.32166543573]}, "pos": [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369]}, {"time_since_observed": 0, "confidence": 1, "age": 91, "kf": {"x": [null, null, 88228.13316465098]}, "pos": [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20, "kf": {"x": [null, null, 32579.850527318624]}, "pos": [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_trks": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]], "ret_area_avg": 55229.5371756217}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176, "kf": {"x": [null, null, 39801.29349411683]}, "pos": [770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027]}, {"time_since_observed": 2, "confidence": 1, "age": 94, "kf": {"x": [null, null, 57369.720363319946]}, "pos": [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228]}, {"time_since_observed": 0, "confidence": 1, "age": 92, "kf": {"x": [null, null, 88311.02262980575]}, "pos": [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21, "kf": {"x": [null, null, 33414.61675086366]}, "pos": [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_trks": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]], "ret_area_avg": 54724.16330952654}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177, "kf": {"x": [null, null, 38710.7319620352]}, "pos": [772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188]}, {"time_since_observed": 3, "confidence": 1, "age": 95, "kf": {"x": [null, null, 57326.91971226205]}, "pos": [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881]}, {"time_since_observed": 0, "confidence": 1, "age": 93, "kf": {"x": [null, null, 88335.62160494261]}, "pos": [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22, "kf": {"x": [null, null, 33703.97991754188]}, "pos": [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 3, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "ret_trks": [[772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188, 0.0], [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881, 0.0], [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857, 0.0], [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752, 0.0]], "ret_area_avg": 54519.31329919544}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178, "kf": {"x": [null, null, 41862.366553444495]}, "pos": [777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951]}, {"time_since_observed": 0, "confidence": 1, "age": 96, "kf": {"x": [null, null, 45674.90427982982]}, "pos": [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135]}, {"time_since_observed": 0, "confidence": 1, "age": 94, "kf": {"x": [null, null, 96595.78456162945]}, "pos": [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23, "kf": {"x": [null, null, 33788.60073302317]}, "pos": [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "ret_trks": [[777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951, 0.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 0.0], [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184, 0.0], [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623, 0.0]], "ret_area_avg": 54480.41403198173}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179, "kf": {"x": [null, null, 39496.315177880846]}, "pos": [774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435]}, {"time_since_observed": 1, "confidence": 1, "age": 97, "kf": {"x": [null, null, 45577.30189465459]}, "pos": [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318]}, {"time_since_observed": 0, "confidence": 1, "age": 95, "kf": {"x": [null, null, 99741.35416734547]}, "pos": [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24, "kf": {"x": [null, null, 30941.145216376535]}, "pos": [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_trks": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]], "ret_area_avg": 53939.02911406437}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180, "kf": {"x": [null, null, 38591.99056304962]}, "pos": [772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645]}, {"time_since_observed": 2, "confidence": 1, "age": 98, "kf": {"x": [null, null, 45528.50070206698]}, "pos": [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409]}, {"time_since_observed": 0, "confidence": 1, "age": 96, "kf": {"x": [null, null, 85496.01245095416]}, "pos": [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25, "kf": {"x": [null, null, 29844.297154026644]}, "pos": [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_trks": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]], "ret_area_avg": 49865.200217524354}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181, "kf": {"x": [null, null, 41814.57627401725]}, "pos": [777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052]}, {"time_since_observed": 3, "confidence": 1, "age": 99, "kf": {"x": [null, null, 45504.10010577318]}, "pos": [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145]}, {"time_since_observed": 0, "confidence": 1, "age": 97, "kf": {"x": [null, null, 87232.22197565348]}, "pos": [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26, "kf": {"x": [null, null, 32255.028122616335]}, "pos": [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_trks": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]], "ret_area_avg": 51701.48161951506}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182, "kf": {"x": [null, null, 47144.48455805744]}, "pos": [781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897]}, {"time_since_observed": 4, "confidence": 1, "age": 100, "kf": {"x": [null, null, 45491.89980762627]}, "pos": [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689]}, {"time_since_observed": 0, "confidence": 1, "age": 98, "kf": {"x": [null, null, 87888.96570270158]}, "pos": [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27, "kf": {"x": [null, null, 30322.06331211053]}, "pos": [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_trks": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]], "ret_area_avg": 52711.85334512396}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183, "kf": {"x": [null, null, 45078.45545766316]}, "pos": [780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908]}, {"time_since_observed": 5, "confidence": 1, "age": 101, "kf": {"x": [null, null, 45485.79965855282]}, "pos": [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452]}, {"time_since_observed": 0, "confidence": 1, "age": 99, "kf": {"x": [null, null, 74706.26999204098]}, "pos": [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28, "kf": {"x": [null, null, 29575.54645377225]}, "pos": [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_trks": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]], "ret_area_avg": 48711.517890507304}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184, "kf": {"x": [null, null, 44288.148429149194]}, "pos": [779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771]}, {"time_since_observed": 6, "confidence": 1, "age": 102, "kf": {"x": [null, null, 45482.7495840161]}, "pos": [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402]}, {"time_since_observed": 0, "confidence": 1, "age": 100, "kf": {"x": [null, null, 69668.94316002555]}, "pos": [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29, "kf": {"x": [null, null, 32102.255728601915]}, "pos": [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_trks": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]], "ret_area_avg": 47885.52422544819}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185, "kf": {"x": [null, null, 48085.05225021379]}, "pos": [782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727]}, {"time_since_observed": 7, "confidence": 1, "age": 103, "kf": {"x": [null, null, 45481.22454674773]}, "pos": [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686]}, {"time_since_observed": 0, "confidence": 1, "age": 101, "kf": {"x": [null, null, 81166.66998191281]}, "pos": [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30, "kf": {"x": [null, null, 30235.850065682003]}, "pos": [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_trks": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]], "ret_area_avg": 51242.19921113908}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186, "kf": {"x": [null, null, 49533.5553567011]}, "pos": [783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785]}, {"time_since_observed": 8, "confidence": 1, "age": 104, "kf": {"x": [null, null, 45480.46202811355]}, "pos": [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628]}, {"time_since_observed": 0, "confidence": 1, "age": 102, "kf": {"x": [null, null, 85552.11618788795]}, "pos": [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31, "kf": {"x": [null, null, 29516.27035158612]}, "pos": [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_trks": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]], "ret_area_avg": 52520.60098107217}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187, "kf": {"x": [null, null, 50085.04639630801]}, "pos": [783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034]}, {"time_since_observed": 9, "confidence": 1, "age": 105, "kf": {"x": [null, null, 45480.08076879646]}, "pos": [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745]}, {"time_since_observed": 0, "confidence": 1, "age": 103, "kf": {"x": [null, null, 95469.51179267965]}, "pos": [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32, "kf": {"x": [null, null, 29234.336148342336]}, "pos": [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 9, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "ret_trks": [[783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034, 0.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 0.0], [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004, 0.0], [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863, 0.0]], "ret_area_avg": 55067.24377653161}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188, "kf": {"x": [null, null, 50293.92074601669]}, "pos": [783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103]}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106, "kf": {"x": [null, null, 45479.89013913792]}, "pos": [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402]}, {"time_since_observed": 0, "confidence": 1, "age": 104, "kf": {"x": [null, null, 99249.42240164237]}, "pos": [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33, "kf": {"x": [null, null, 31920.076254220126]}, "pos": [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "ret_trks": [[783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103, 0.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 0.0], [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108, 0.0], [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316, 0.0]], "ret_area_avg": 56735.82738525428}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189, "kf": {"x": [null, null, 50371.94394298284]}, "pos": [782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259]}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 107, "kf": {"x": [null, null, 45479.79482430864]}, "pos": [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068]}, {"time_since_observed": 0, "confidence": 1, "age": 105, "kf": {"x": [null, null, 92438.86355817328]}, "pos": [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34, "kf": {"x": [null, null, 30136.972038651955]}, "pos": [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "ret_trks": [[782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259, 0.0], [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068, 0.0], [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952, 0.0], [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647, 0.0]], "ret_area_avg": 54606.893591029184}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190, "kf": {"x": [null, null, 50400.00512439721]}, "pos": [782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082]}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108, "kf": {"x": [null, null, 29557.75665566897]}, "pos": [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466]}, {"time_since_observed": 0, "confidence": 1, "age": 106, "kf": {"x": [null, null, 98077.73104835875]}, "pos": [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35, "kf": {"x": [null, null, 32242.804268105494]}, "pos": [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "ret_trks": [[782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082, 0.0], [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466, 0.0], [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402, 0.0], [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436, 0.0]], "ret_area_avg": 52569.57427413261}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191, "kf": {"x": [null, null, 50409.001758583756]}, "pos": [782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917]}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109, "kf": {"x": [null, null, 28797.024298046214]}, "pos": [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821]}, {"time_since_observed": 0, "confidence": 1, "age": 107, "kf": {"x": [null, null, 91979.16490024615]}, "pos": [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36, "kf": {"x": [null, null, 33036.0926166206]}, "pos": [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_trks": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]], "ret_area_avg": 51055.32089337418}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192, "kf": {"x": [null, null, 50410.73568262795]}, "pos": [782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429]}, {"time_since_observed": 1, "confidence": 1, "age": 110, "kf": {"x": [null, null, 28698.495996539856]}, "pos": [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116]}, {"time_since_observed": 0, "confidence": 1, "age": 108, "kf": {"x": [null, null, 89644.56274154634]}, "pos": [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37, "kf": {"x": [null, null, 33329.3242319872]}, "pos": [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "ret_trks": [[782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429, 0.0], [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116, 0.0], [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762, 0.0], [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156, 0.0]], "ret_area_avg": 50520.77966317534}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193, "kf": {"x": [null, null, 46310.34379959628]}, "pos": [796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114]}, {"time_since_observed": 0, "confidence": 1, "age": 111, "kf": {"x": [null, null, 35465.76941406238]}, "pos": [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635]}, {"time_since_observed": 0, "confidence": 1, "age": 109, "kf": {"x": [null, null, 75335.10877238633]}, "pos": [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38, "kf": {"x": [null, null, 33432.31922703811]}, "pos": [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_trks": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]], "ret_area_avg": 47635.88530327077}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194, "kf": {"x": [null, null, 48842.43859643127]}, "pos": [805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787]}, {"time_since_observed": 1, "confidence": 1, "age": 112, "kf": {"x": [null, null, 35458.25391514818]}, "pos": [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116]}, {"time_since_observed": 0, "confidence": 1, "age": 110, "kf": {"x": [null, null, 91521.55829247163]}, "pos": [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39, "kf": {"x": [null, null, 33463.20788133201]}, "pos": [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 7963.802169999981]}, "pos": [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]], "ret_area_avg": 43449.852171076614}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195, "kf": {"x": [null, null, 45708.737975403186]}, "pos": [804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169]}, {"time_since_observed": 2, "confidence": 1, "age": 113, "kf": {"x": [null, null, 35454.49616569108]}, "pos": [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142]}, {"time_since_observed": 0, "confidence": 1, "age": 111, "kf": {"x": [null, null, 97696.81698868252]}, "pos": [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40, "kf": {"x": [null, null, 33467.01511328871]}, "pos": [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 8940.81712230768]}, "pos": [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 2, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169, 0.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 0.0], [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193, 0.0], [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691, 0.0], [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115, 0.0]], "ret_area_avg": 44253.57667307464}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196, "kf": {"x": [null, null, 48609.99709135491]}, "pos": [808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592]}, {"time_since_observed": 3, "confidence": 1, "age": 114, "kf": {"x": [null, null, 35452.61729096253]}, "pos": [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305]}, {"time_since_observed": 0, "confidence": 1, "age": 112, "kf": {"x": [null, null, 109514.57955816404]}, "pos": [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41, "kf": {"x": [null, null, 33460.88481147298]}, "pos": [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 9182.608097427745]}, "pos": [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 3, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592, 0.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 0.0], [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977, 0.0], [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474, 0.0], [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774, 0.0]], "ret_area_avg": 47244.13736987644}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197, "kf": {"x": [null, null, 49716.59094103938]}, "pos": [809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903]}, {"time_since_observed": 4, "confidence": 1, "age": 115, "kf": {"x": [null, null, 35451.67785359826]}, "pos": [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405]}, {"time_since_observed": 0, "confidence": 1, "age": 113, "kf": {"x": [null, null, 114019.18874328223]}, "pos": [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42, "kf": {"x": [null, null, 33451.32843116712]}, "pos": [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 9261.742798187657]}, "pos": [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]], "ret_area_avg": 48380.105753454925}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198, "kf": {"x": [null, null, 50137.68105661081]}, "pos": [810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242]}, {"time_since_observed": 5, "confidence": 1, "age": 116, "kf": {"x": [null, null, 35451.20813491612]}, "pos": [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976]}, {"time_since_observed": 0, "confidence": 1, "age": 114, "kf": {"x": [null, null, 106266.24180535872]}, "pos": [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43, "kf": {"x": [null, null, 33440.80401215976]}, "pos": [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 9297.196411860632]}, "pos": [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]], "ret_area_avg": 46918.62628418121}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199, "kf": {"x": [null, null, 50296.94193047017]}, "pos": [809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919]}, {"time_since_observed": 6, "confidence": 1, "age": 117, "kf": {"x": [null, null, 35450.97327557505]}, "pos": [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538]}, {"time_since_observed": 0, "confidence": 1, "age": 115, "kf": {"x": [null, null, 103298.40846952786]}, "pos": [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44, "kf": {"x": [null, null, 33430.22559692436]}, "pos": [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 10547.0782177285]}, "pos": [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]], "ret_area_avg": 46604.7254980452}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200, "kf": {"x": [null, null, 50356.207492238915]}, "pos": [809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842]}, {"time_since_observed": 7, "confidence": 1, "age": 118, "kf": {"x": [null, null, 35450.855845904516]}, "pos": [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283]}, {"time_since_observed": 0, "confidence": 1, "age": 116, "kf": {"x": [null, null, 102158.35361111799]}, "pos": [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45, "kf": {"x": [null, null, 36596.064783539536]}, "pos": [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 9769.41293241618]}, "pos": [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 5343.158310000011]}, "pos": [1141.4, 429.71, 1183.2710000000002, 557.3199999999999]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 7, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842, 0.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 0.0], [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793, 0.0], [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229, 0.0], [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489, 0.0], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.0]], "ret_area_avg": 39945.675495869524}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201, "kf": {"x": [null, null, 55088.460464000695]}, "pos": [811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319]}, {"time_since_observed": 8, "confidence": 1, "age": 119, "kf": {"x": [null, null, 35450.79713106925]}, "pos": [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668]}, {"time_since_observed": 0, "confidence": 1, "age": 117, "kf": {"x": [null, null, 111178.66809908158]}, "pos": [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46, "kf": {"x": [null, null, 34621.800944571005]}, "pos": [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 10608.862640059775]}, "pos": [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 6709.740788461555]}, "pos": [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]], "ret_area_avg": 42276.388344540646}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202, "kf": {"x": [null, null, 52182.63645913111]}, "pos": [809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459]}, {"time_since_observed": 9, "confidence": 1, "age": 120, "kf": {"x": [null, null, 35450.76777365162]}, "pos": [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135]}, {"time_since_observed": 0, "confidence": 1, "age": 118, "kf": {"x": [null, null, 114615.50589385214]}, "pos": [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47, "kf": {"x": [null, null, 33862.54234038942]}, "pos": [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 10889.314166650953]}, "pos": [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 5545.025818648042]}, "pos": [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 9, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459, 0.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 0.0], [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729, 0.0], [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199, 0.0], [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284, 0.0], [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 0.0]], "ret_area_avg": 42090.96540872055}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203, "kf": {"x": [null, null, 51071.16545639502]}, "pos": [827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626]}, {"time_since_observed": 10, "confidence": 1, "age": 121, "kf": {"x": [null, null, 35450.753094942804]}, "pos": [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459]}, {"time_since_observed": 0, "confidence": 1, "age": 119, "kf": {"x": [null, null, 115919.86082121535]}, "pos": [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48, "kf": {"x": [null, null, 33567.252223960524]}, "pos": [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 9921.580012443472]}, "pos": [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793]}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4, "kf": {"x": [null, null, 5545.014807092395]}, "pos": [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 10, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4}], "ret_trks": [[827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626, 0.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 0.0], [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102, 0.0], [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628, 0.0], [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793, 0.0], [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 0.0]], "ret_area_avg": 41912.60440267493}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204, "kf": {"x": [null, null, 50645.1148468798]}, "pos": [834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771]}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122, "kf": {"x": [null, null, 35450.745755588396]}, "pos": [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279]}, {"time_since_observed": 0, "confidence": 1, "age": 120, "kf": {"x": [null, null, 116409.84097131414]}, "pos": [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49, "kf": {"x": [null, null, 33449.27532651294]}, "pos": [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 9563.777714285723]}, "pos": [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436]}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5, "kf": {"x": [null, null, 5545.003795536748]}, "pos": [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5}], "ret_trks": [[834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771, 0.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 0.0], [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196, 0.0], [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497, 0.0], [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436, 0.0], [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 0.0]], "ret_area_avg": 41843.95973501963}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205, "kf": {"x": [null, null, 50480.89639350797]}, "pos": [836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796]}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 123, "kf": {"x": [null, null, 35450.74208591119]}, "pos": [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143]}, {"time_since_observed": 0, "confidence": 1, "age": 121, "kf": {"x": [null, null, 107129.59779119029]}, "pos": [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50, "kf": {"x": [null, null, 36564.07842658653]}, "pos": [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 9431.517391272666]}, "pos": [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689]}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6, "kf": {"x": [null, null, 5544.992783981101]}, "pos": [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6}], "ret_trks": [[836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796, 0.0], [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143, 0.0], [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216, 0.0], [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736, 0.0], [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689, 0.0], [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 0.0]], "ret_area_avg": 40766.97081207496}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206, "kf": {"x": [null, null, 50416.708391897424]}, "pos": [836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124, "kf": {"x": [null, null, 29029.658732121166]}, "pos": [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486]}, {"time_since_observed": 0, "confidence": 1, "age": 122, "kf": {"x": [null, null, 113037.7679049938]}, "pos": [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51, "kf": {"x": [null, null, 37745.851727545465]}, "pos": [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 8510.778815512926]}, "pos": [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806, 0.0], [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486, 0.0], [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605, 0.0], [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035, 0.0], [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592, 0.0]], "ret_area_avg": 47748.153114414155}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207, "kf": {"x": [null, null, 50390.74588607211]}, "pos": [855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125, "kf": {"x": [null, null, 53960.901025186]}, "pos": [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381]}, {"time_since_observed": 0, "confidence": 1, "age": 123, "kf": {"x": [null, null, 126154.71918898776]}, "pos": [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52, "kf": {"x": [null, null, 38190.020429043594]}, "pos": [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 10028.063696585625]}, "pos": [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_trks": [[855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002, 0.0], [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381, 0.0], [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885, 0.0], [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898, 0.0], [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019, 0.0]], "ret_area_avg": 55744.890045175}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208, "kf": {"x": [null, null, 50379.400510220425]}, "pos": [861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126, "kf": {"x": [null, null, 61994.40572258834]}, "pos": [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107]}, {"time_since_observed": 0, "confidence": 1, "age": 124, "kf": {"x": [null, null, 120287.23254964688]}, "pos": [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53, "kf": {"x": [null, null, 38352.88119580147]}, "pos": [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 9610.890287950378]}, "pos": [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_trks": [[861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027, 0.0], [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107, 0.0], [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464, 0.0], [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164, 0.0], [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058, 0.0]], "ret_area_avg": 56124.962053241514}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209, "kf": {"x": [null, null, 50373.65417383315]}, "pos": [863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127, "kf": {"x": [null, null, 64988.961220496196]}, "pos": [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233]}, {"time_since_observed": 0, "confidence": 1, "age": 125, "kf": {"x": [null, null, 118038.50220683802]}, "pos": [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54, "kf": {"x": [null, null, 38408.60029233315]}, "pos": [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 9453.913862660613]}, "pos": [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563, 0.0], [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233, 0.0], [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945, 0.0], [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129, 0.0], [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 47650.77195936019}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210, "kf": {"x": [null, null, 50370.06196099904]}, "pos": [864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128, "kf": {"x": [null, null, 66125.17185973775]}, "pos": [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534]}, {"time_since_observed": 0, "confidence": 1, "age": 126, "kf": {"x": [null, null, 117172.09476823891]}, "pos": [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55, "kf": {"x": [null, null, 38423.65003666609]}, "pos": [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 10362.89266542858]}, "pos": [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774, 0.0], [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534, 0.0], [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915, 0.0], [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927, 0.0], [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 47849.145215178396}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211, "kf": {"x": [null, null, 50367.30779241457]}, "pos": [864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131]}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129, "kf": {"x": [null, null, 61128.66649088964]}, "pos": [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474]}, {"time_since_observed": 0, "confidence": 1, "age": 127, "kf": {"x": [null, null, 116833.788094868]}, "pos": [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56, "kf": {"x": [null, null, 35269.06709707133]}, "pos": [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 9740.723245433413]}, "pos": [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131, 0.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 0.0], [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323, 0.0], [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693, 0.0], [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 46330.09212011282}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212, "kf": {"x": [null, null, 50364.88876218193]}, "pos": [863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549]}, {"time_since_observed": 1, "confidence": 1, "age": 130, "kf": {"x": [null, null, 61269.020291057896]}, "pos": [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197]}, {"time_since_observed": 0, "confidence": 1, "age": 128, "kf": {"x": [null, null, 127561.96105771796]}, "pos": [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57, "kf": {"x": [null, null, 37213.665884953385]}, "pos": [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 9505.160654229963]}, "pos": [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 1, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549, 0.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 0.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 0.0], [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057, 0.0], [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 48425.949441690194}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213, "kf": {"x": [null, null, 50362.61258252968]}, "pos": [881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603]}, {"time_since_observed": 2, "confidence": 1, "age": 131, "kf": {"x": [null, null, 61339.19719114202]}, "pos": [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928]}, {"time_since_observed": 1, "confidence": 1, "age": 129, "kf": {"x": [null, null, 127934.40862930873]}, "pos": [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312]}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58, "kf": {"x": [null, null, 41570.95348701882]}, "pos": [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 11462.22216830128]}, "pos": [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 2, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603, 0.0], [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928, 0.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 0.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 0.0], [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 49551.73234305009}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214, "kf": {"x": [null, null, 50360.405618326135]}, "pos": [888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846]}, {"time_since_observed": 0, "confidence": 1, "age": 132, "kf": {"x": [null, null, 47248.48301032262]}, "pos": [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308]}, {"time_since_observed": 2, "confidence": 1, "age": 130, "kf": {"x": [null, null, 128120.63241510412]}, "pos": [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573]}, {"time_since_observed": 1, "confidence": 1, "age": 59, "kf": {"x": [null, null, 41743.808567705135]}, "pos": [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 11108.46291863858]}, "pos": [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 47203.7987550161}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215, "kf": {"x": [null, null, 50358.23956026438]}, "pos": [890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077]}, {"time_since_observed": 0, "confidence": 1, "age": 133, "kf": {"x": [null, null, 49053.09062177255]}, "pos": [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123]}, {"time_since_observed": 0, "confidence": 1, "age": 131, "kf": {"x": [null, null, 106306.36185098511]}, "pos": [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622]}, {"time_since_observed": 2, "confidence": 1, "age": 60, "kf": {"x": [null, null, 41830.23610804829]}, "pos": [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 10970.753425443701]}, "pos": [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077, 0.0], [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123, 0.0], [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622, 0.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 0.0], [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 43859.946927752346}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216, "kf": {"x": [null, null, 50356.10341549968]}, "pos": [890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693]}, {"time_since_observed": 0, "confidence": 1, "age": 134, "kf": {"x": [null, null, 49679.18483370143]}, "pos": [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962]}, {"time_since_observed": 0, "confidence": 1, "age": 132, "kf": {"x": [null, null, 112322.95056727924]}, "pos": [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292]}, {"time_since_observed": 3, "confidence": 1, "age": 61, "kf": {"x": [null, null, 41873.449878219864]}, "pos": [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 9974.738456752777]}, "pos": [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693, 0.0], [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962, 0.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 0.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 0.0], [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 44807.904525242164}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217, "kf": {"x": [null, null, 60478.15310721826]}, "pos": [878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867]}, {"time_since_observed": 0, "confidence": 1, "age": 135, "kf": {"x": [null, null, 60067.24930564646]}, "pos": [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003]}, {"time_since_observed": 1, "confidence": 1, "age": 133, "kf": {"x": [null, null, 112326.09325726089]}, "pos": [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362]}, {"time_since_observed": 4, "confidence": 1, "age": 62, "kf": {"x": [null, null, 41895.056763305656]}, "pos": [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 9596.050449898337]}, "pos": [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 48167.2671472216}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218, "kf": {"x": [null, null, 54217.53413018462]}, "pos": [885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308]}, {"time_since_observed": 0, "confidence": 1, "age": 136, "kf": {"x": [null, null, 64025.99662129721]}, "pos": [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359]}, {"time_since_observed": 0, "confidence": 1, "age": 134, "kf": {"x": [null, null, 103659.16795155256]}, "pos": [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552]}, {"time_since_observed": 5, "confidence": 1, "age": 63, "kf": {"x": [null, null, 41905.86020584855]}, "pos": [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 9452.207327308764]}, "pos": [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 46316.96103936528}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219, "kf": {"x": [null, null, 51824.854586812835]}, "pos": [887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341]}, {"time_since_observed": 0, "confidence": 1, "age": 137, "kf": {"x": [null, null, 55393.11448704357]}, "pos": [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078]}, {"time_since_observed": 0, "confidence": 1, "age": 135, "kf": {"x": [null, null, 101594.7052764077]}, "pos": [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264]}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64, "kf": {"x": [null, null, 41911.261927119995]}, "pos": [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 9397.723193586027]}, "pos": [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "ret_area_avg": 44127.10991182834}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220, "kf": {"x": [null, null, 61033.55573834144]}, "pos": [876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465]}, {"time_since_observed": 0, "confidence": 1, "age": 138, "kf": {"x": [null, null, 52096.44009247113]}, "pos": [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125]}, {"time_since_observed": 1, "confidence": 1, "age": 136, "kf": {"x": [null, null, 101536.51940713775]}, "pos": [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365]}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65, "kf": {"x": [null, null, 41913.96278775572]}, "pos": [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 11376.177642420871]}, "pos": [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 3037.8403000000017]}, "pos": [1209.6, 449.36, 1241.0899999999997, 545.83]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465, 0.0], [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125, 0.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 0.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 0.0], [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "ret_area_avg": 51063.37239601586}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221, "kf": {"x": [null, null, 64548.189811293756]}, "pos": [893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471]}, {"time_since_observed": 0, "confidence": 1, "age": 139, "kf": {"x": [null, null, 50837.8710965965]}, "pos": [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054]}, {"time_since_observed": 2, "confidence": 1, "age": 137, "kf": {"x": [null, null, 101507.42647250278]}, "pos": [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558]}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66, "kf": {"x": [null, null, 41915.313218073585]}, "pos": [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 12125.510301137552]}, "pos": [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 3037.8403000000017]}, "pos": [1209.6, 449.36, 1241.0899999999997, 545.83]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471, 0.0], [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054, 0.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 0.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 0.0], [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "ret_area_avg": 51435.57929995052}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222, "kf": {"x": [null, null, 65887.8367827931]}, "pos": [899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439]}, {"time_since_observed": 0, "confidence": 1, "age": 140, "kf": {"x": [null, null, 42679.58243576738]}, "pos": [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752]}, {"time_since_observed": 3, "confidence": 1, "age": 138, "kf": {"x": [null, null, 101492.88000518529]}, "pos": [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944]}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 67, "kf": {"x": [null, null, 41915.98843323252]}, "pos": [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 11342.78267715253]}, "pos": [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3, "kf": {"x": [null, null, 3037.8403000000017]}, "pos": [1209.6, 449.36, 1241.0899999999997, 545.83]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3}], "ret_trks": [[899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439, 0.0], [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752, 0.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 0.0], [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582, 0.0], [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "ret_area_avg": 50483.674229266355}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223, "kf": {"x": [null, null, 66396.71333026447]}, "pos": [901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916]}, {"time_since_observed": 0, "confidence": 1, "age": 141, "kf": {"x": [null, null, 43138.35403088208]}, "pos": [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072]}, {"time_since_observed": 4, "confidence": 1, "age": 139, "kf": {"x": [null, null, 101485.60677152655]}, "pos": [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422]}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68, "kf": {"x": [null, null, 84953.95842954011]}, "pos": [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 9314.695794637963]}, "pos": [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 4641.0]}, "pos": [505.0, 449.0, 544.0, 568.0]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4, "kf": {"x": [null, null, 3037.8403000000017]}, "pos": [1209.6, 449.36, 1241.0899999999997, 545.83]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4}], "ret_trks": [[901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916, 0.0], [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072, 0.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 0.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 0.0], [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "ret_area_avg": 55729.9564821064}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224, "kf": {"x": [null, null, 61174.79903644548]}, "pos": [898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066]}, {"time_since_observed": 0, "confidence": 1, "age": 142, "kf": {"x": [null, null, 47419.883679867955]}, "pos": [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638]}, {"time_since_observed": 5, "confidence": 1, "age": 140, "kf": {"x": [null, null, 101481.97015469718]}, "pos": [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366]}, {"time_since_observed": 1, "confidence": 1, "age": 69, "kf": {"x": [null, null, 85307.61653514951]}, "pos": [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 9345.937132167277]}, "pos": [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 4219.190800919183]}, "pos": [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5, "kf": {"x": [null, null, 3037.8403000000017]}, "pos": [1209.6, 449.36, 1241.0899999999997, 545.83]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 5, "confidence": 1, "age": 140}, {"time_since_observed": 1, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5}], "ret_trks": [[898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066, 0.0], [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638, 0.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 0.0], [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723, 0.0], [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946, 0.0], [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "ret_area_avg": 55607.34010490582}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225, "kf": {"x": [null, null, 59178.24525142919]}, "pos": [896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074]}, {"time_since_observed": 0, "confidence": 1, "age": 143, "kf": {"x": [null, null, 44951.169390232804]}, "pos": [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411]}, {"time_since_observed": 6, "confidence": 1, "age": 141, "kf": {"x": [null, null, 101480.15184628249]}, "pos": [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667]}, {"time_since_observed": 0, "confidence": 1, "age": 70, "kf": {"x": [null, null, 87366.24213915577]}, "pos": [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 9358.053291346208]}, "pos": [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 4481.057514398919]}, "pos": [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 6, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074, 0.0], [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411, 0.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 0.0], [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818, 0.0], [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836, 0.0], [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 62812.34323326364}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226, "kf": {"x": [null, null, 63827.13505747258]}, "pos": [899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383]}, {"time_since_observed": 0, "confidence": 1, "age": 144, "kf": {"x": [null, null, 44009.594881375335]}, "pos": [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772]}, {"time_since_observed": 7, "confidence": 1, "age": 142, "kf": {"x": [null, null, 101479.24269207515]}, "pos": [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695]}, {"time_since_observed": 0, "confidence": 1, "age": 71, "kf": {"x": [null, null, 87856.47855704484]}, "pos": [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038]}, {"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 10282.136354511511]}, "pos": [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 4580.333146085319]}, "pos": [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 7, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383, 0.0], [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772, 0.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 0.0], [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038, 0.0], [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708, 0.0], [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 63558.05769836639}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227, "kf": {"x": [null, null, 65600.1789080406]}, "pos": [900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434]}, {"time_since_observed": 0, "confidence": 1, "age": 145, "kf": {"x": [null, null, 47755.66537409337]}, "pos": [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742]}, {"time_since_observed": 8, "confidence": 1, "age": 143, "kf": {"x": [null, null, 101478.78811497148]}, "pos": [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977]}, {"time_since_observed": 0, "confidence": 1, "age": 72, "kf": {"x": [null, null, 105927.89313073254]}, "pos": [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242]}, {"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 9715.360670083577]}, "pos": [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 4618.002780233429]}, "pos": [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 8, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434, 0.0], [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742, 0.0], [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977, 0.0], [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242, 0.0], [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844, 0.0], [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 66852.48173973642}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228, "kf": {"x": [null, null, 60861.41548097286]}, "pos": [896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587]}, {"time_since_observed": 0, "confidence": 1, "age": 146, "kf": {"x": [null, null, 45082.90345018641]}, "pos": [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707]}, {"time_since_observed": 0, "confidence": 1, "age": 144, "kf": {"x": [null, null, 114551.6367397891]}, "pos": [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793]}, {"time_since_observed": 0, "confidence": 1, "age": 73, "kf": {"x": [null, null, 94919.22044078296]}, "pos": [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397]}, {"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 9499.375938142277]}, "pos": [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 4632.305809101582]}, "pos": [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587, 0.0], [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707, 0.0], [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793, 0.0], [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397, 0.0], [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325, 0.0], [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 66059.76300842503}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229, "kf": {"x": [null, null, 59049.510712093506]}, "pos": [895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704]}, {"time_since_observed": 0, "confidence": 1, "age": 147, "kf": {"x": [null, null, 40491.459165695735]}, "pos": [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041]}, {"time_since_observed": 0, "confidence": 1, "age": 145, "kf": {"x": [null, null, 115402.65245837883]}, "pos": [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022]}, {"time_since_observed": 0, "confidence": 1, "age": 74, "kf": {"x": [null, null, 90715.88151574599]}, "pos": [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173]}, {"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 9417.159332000583]}, "pos": [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 4637.738703874941]}, "pos": [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704, 0.0], [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041, 0.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 0.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 0.0], [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257, 0.0], [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 64655.1264411128}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230, "kf": {"x": [null, null, 53645.7573109507]}, "pos": [907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294]}, {"time_since_observed": 0, "confidence": 1, "age": 148, "kf": {"x": [null, null, 46415.2981357989]}, "pos": [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866]}, {"time_since_observed": 1, "confidence": 1, "age": 146, "kf": {"x": [null, null, 115475.84264057223]}, "pos": [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732]}, {"time_since_observed": 1, "confidence": 1, "age": 75, "kf": {"x": [null, null, 90919.65255656828]}, "pos": [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496]}, {"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 11350.892941789458]}, "pos": [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 4639.80218062781]}, "pos": [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055]}, {"time_since_observed": 0, "confidence": 0.5, "age": 11, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294, 0.0], [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866, 0.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 0.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 0.0], [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163, 0.0], [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 65045.532709472485}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231, "kf": {"x": [null, null, 61703.69461347773]}, "pos": [902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418]}, {"time_since_observed": 0, "confidence": 1, "age": 149, "kf": {"x": [null, null, 48678.517461791285]}, "pos": [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385]}, {"time_since_observed": 2, "confidence": 1, "age": 147, "kf": {"x": [null, null, 115512.43773166894]}, "pos": [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473]}, {"time_since_observed": 2, "confidence": 1, "age": 76, "kf": {"x": [null, null, 91021.53807697943]}, "pos": [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938]}, {"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 12086.198279551387]}, "pos": [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 4640.585100380668]}, "pos": [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951]}, {"time_since_observed": 0, "confidence": 0.5, "age": 12, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 2, "confidence": 1, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418, 0.0], [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385, 0.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 0.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 0.0], [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098, 0.0], [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 66644.9220662642}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232, "kf": {"x": [null, null, 64779.038041386564]}, "pos": [900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783]}, {"time_since_observed": 0, "confidence": 1, "age": 150, "kf": {"x": [null, null, 49543.49129636871]}, "pos": [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238]}, {"time_since_observed": 3, "confidence": 1, "age": 148, "kf": {"x": [null, null, 115530.73527721729]}, "pos": [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828]}, {"time_since_observed": 3, "confidence": 1, "age": 77, "kf": {"x": [null, null, 91072.480837185]}, "pos": [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879]}, {"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 11316.15210877666]}, "pos": [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 4640.881195079293]}, "pos": [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435]}, {"time_since_observed": 0, "confidence": 0.5, "age": 13, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 3, "confidence": 1, "age": 148}, {"time_since_observed": 3, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783, 0.0], [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238, 0.0], [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828, 0.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 0.0], [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868, 0.0], [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 67107.75170800193}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233, "kf": {"x": [null, null, 65951.15601018195]}, "pos": [899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663]}, {"time_since_observed": 0, "confidence": 1, "age": 151, "kf": {"x": [null, null, 49874.37340662307]}, "pos": [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677]}, {"time_since_observed": 0, "confidence": 1, "age": 149, "kf": {"x": [null, null, 165867.59763809727]}, "pos": [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455]}, {"time_since_observed": 4, "confidence": 1, "age": 78, "kf": {"x": [null, null, 91097.95221728778]}, "pos": [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869]}, {"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 11021.427147552213]}, "pos": [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 4640.992222764733]}, "pos": [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484]}, {"time_since_observed": 0, "confidence": 0.5, "age": 14, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 4, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_trks": [[899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663, 0.0], [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677, 0.0], [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455, 0.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 0.0], [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413, 0.0], [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 74474.99740607243}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234, "kf": {"x": [null, null, 60983.2071814126]}, "pos": [915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511]}, {"time_since_observed": 0, "confidence": 1, "age": 152, "kf": {"x": [null, null, 50001.242952774766]}, "pos": [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942]}, {"time_since_observed": 0, "confidence": 1, "age": 150, "kf": {"x": [null, null, 172736.12105973266]}, "pos": [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799]}, {"time_since_observed": 5, "confidence": 1, "age": 79, "kf": {"x": [null, null, 91110.68790733918]}, "pos": [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242]}, {"time_since_observed": 0, "confidence": 0.5, "age": 41, "kf": {"x": [null, null, 10908.095412503406]}, "pos": [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 4641.032948046832]}, "pos": [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524]}, {"time_since_observed": 0, "confidence": 0.5, "age": 15, "kf": {"x": [null, null, 132871.48320000002]}, "pos": [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 5, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_trks": [[915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 0.0], [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942, 0.0], [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799, 0.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 0.0], [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028, 0.0], [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "ret_area_avg": 74750.26723740135}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235, "kf": {"x": [null, null, 61081.207629855635]}, "pos": [917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941]}, {"time_since_observed": 0, "confidence": 1, "age": 153, "kf": {"x": [null, null, 50050.17981827169]}, "pos": [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447]}, {"time_since_observed": 0, "confidence": 1, "age": 151, "kf": {"x": [null, null, 191659.0898660313]}, "pos": [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676]}, {"time_since_observed": 6, "confidence": 1, "age": 80, "kf": {"x": [null, null, 91117.05575236487]}, "pos": [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554]}, {"time_since_observed": 0, "confidence": 0.5, "age": 42, "kf": {"x": [null, null, 10864.016788117116]}, "pos": [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 4641.047027003276]}, "pos": [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511]}, {"time_since_observed": 0, "confidence": 0.5, "age": 16, "kf": {"x": [null, null, 120957.19279994247]}, "pos": [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 6, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_trks": [[917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 0.0], [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447, 0.0], [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676, 0.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 0.0], [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608, 0.0], [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511, 0.0], [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582, 0.0]], "ret_area_avg": 75767.11281165518}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236, "kf": {"x": [null, null, 61130.20785407715]}, "pos": [920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081]}, {"time_since_observed": 0, "confidence": 1, "age": 154, "kf": {"x": [null, null, 60205.24583509827]}, "pos": [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837]}, {"time_since_observed": 0, "confidence": 1, "age": 152, "kf": {"x": [null, null, 198764.49692603518]}, "pos": [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186]}, {"time_since_observed": 7, "confidence": 1, "age": 81, "kf": {"x": [null, null, 91120.23967487772]}, "pos": [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485]}, {"time_since_observed": 0, "confidence": 0.5, "age": 43, "kf": {"x": [null, null, 10846.402575489576]}, "pos": [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 4641.051064572153]}, "pos": [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393]}, {"time_since_observed": 0, "confidence": 0.5, "age": 17, "kf": {"x": [null, null, 106226.65033462572]}, "pos": [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 7, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_trks": [[920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 0.0], [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837, 0.0], [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186, 0.0], [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485, 0.0], [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219, 0.0], [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393, 0.0], [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737, 0.0]], "ret_area_avg": 76133.4706092537}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237, "kf": {"x": [null, null, 61154.7079661879]}, "pos": [922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009]}, {"time_since_observed": 0, "confidence": 1, "age": 155, "kf": {"x": [null, null, 49844.31375282352]}, "pos": [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674]}, {"time_since_observed": 0, "confidence": 1, "age": 153, "kf": {"x": [null, null, 201462.668300984]}, "pos": [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984]}, {"time_since_observed": 0, "confidence": 1, "age": 82, "kf": {"x": [null, null, 87819.45264492801]}, "pos": [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191]}, {"time_since_observed": 0, "confidence": 0.5, "age": 44, "kf": {"x": [null, null, 10838.923482941387]}, "pos": [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 4641.0513720694435]}, "pos": [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712]}, {"time_since_observed": 0, "confidence": 0.5, "age": 18, "kf": {"x": [null, null, 111002.0577189714]}, "pos": [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_trks": [[922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 0.0], [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674, 0.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 0.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 0.0], [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164, 0.0], [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712, 0.0], [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653, 0.0]], "ret_area_avg": 75251.88217698653}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238, "kf": {"x": [null, null, 61166.958022243285]}, "pos": [925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544]}, {"time_since_observed": 0, "confidence": 1, "age": 156, "kf": {"x": [null, null, 45887.99976181784]}, "pos": [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631]}, {"time_since_observed": 1, "confidence": 1, "age": 154, "kf": {"x": [null, null, 201918.12678970635]}, "pos": [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742]}, {"time_since_observed": 1, "confidence": 1, "age": 83, "kf": {"x": [null, null, 87797.30102051956]}, "pos": [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896]}, {"time_since_observed": 0, "confidence": 0.5, "age": 45, "kf": {"x": [null, null, 11877.814085815427]}, "pos": [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 4641.05034342755]}, "pos": [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902]}, {"time_since_observed": 0, "confidence": 0.5, "age": 19, "kf": {"x": [null, null, 112874.42794595944]}, "pos": [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "ret_trks": [[925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 0.0], [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631, 0.0], [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742, 0.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 0.0], [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102, 0.0], [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902, 0.0], [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811, 0.0]], "ret_area_avg": 75166.23970992707}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239, "kf": {"x": [null, null, 61173.08305027097]}, "pos": [928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188]}, {"time_since_observed": 0, "confidence": 1, "age": 157, "kf": {"x": [null, null, 44378.041920579424]}, "pos": [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549]}, {"time_since_observed": 0, "confidence": 1, "age": 155, "kf": {"x": [null, null, 202166.00086306094]}, "pos": [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467]}, {"time_since_observed": 2, "confidence": 1, "age": 84, "kf": {"x": [null, null, 87786.22520831533]}, "pos": [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723]}, {"time_since_observed": 0, "confidence": 0.5, "age": 46, "kf": {"x": [null, null, 12272.683866671612]}, "pos": [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 5099.958435918535]}, "pos": [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317]}, {"time_since_observed": 0, "confidence": 0.5, "age": 20, "kf": {"x": [null, null, 113639.27489194975]}, "pos": [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_trks": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]], "ret_area_avg": 75216.46689096665}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240, "kf": {"x": [null, null, 61176.145564284816]}, "pos": [930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263]}, {"time_since_observed": 0, "confidence": 1, "age": 158, "kf": {"x": [null, null, 43802.50382404281]}, "pos": [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293]}, {"time_since_observed": 1, "confidence": 1, "age": 156, "kf": {"x": [null, null, 202392.61848642657]}, "pos": [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236]}, {"time_since_observed": 0, "confidence": 1, "age": 85, "kf": {"x": [null, null, 70204.26803054896]}, "pos": [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849]}, {"time_since_observed": 0, "confidence": 0.5, "age": 47, "kf": {"x": [null, null, 12421.83124166983]}, "pos": [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 4815.972836950108]}, "pos": [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393]}, {"time_since_observed": 0, "confidence": 0.5, "age": 21, "kf": {"x": [null, null, 113978.2486013133]}, "pos": [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 1, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "ret_trks": [[930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 0.0], [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293, 0.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 0.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 0.0], [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999, 0.0], [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393, 0.0], [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765, 0.0]], "ret_area_avg": 72684.51265503377}, +{"kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241, "kf": {"x": [null, null, 61177.67682129174]}, "pos": [933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481]}, {"time_since_observed": 0, "confidence": 1, "age": 159, "kf": {"x": [null, null, 52401.253756832]}, "pos": [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961]}, {"time_since_observed": 2, "confidence": 1, "age": 157, "kf": {"x": [null, null, 202505.9272981094]}, "pos": [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842]}, {"time_since_observed": 1, "confidence": 1, "age": 86, "kf": {"x": [null, null, 70074.28405601297]}, "pos": [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934]}, {"time_since_observed": 0, "confidence": 0.5, "age": 48, "kf": {"x": [null, null, 12477.259425344519]}, "pos": [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031]}, {"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 4707.691007546363]}, "pos": [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808]}, {"time_since_observed": 0, "confidence": 0.5, "age": 22, "kf": {"x": [null, null, 81134.70178427335]}, "pos": [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375]}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 2, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "ret_trks": [[933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 0.0], [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961, 0.0], [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842, 0.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 0.0], [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031, 0.0], [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808, 0.0], [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375, 0.0]], "ret_area_avg": 69211.25630705862}, +{"kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242, "kf": {"x": [null, null, 61178.4424497952]}, "pos": [935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101]}, {"time_since_observed": 0, "confidence": 1, "age": 160, "kf": {"x": [null, null, 46868.15429872018]}, "pos": [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464]}, {"time_since_observed": 0, "confidence": 1, "age": 158, "kf": {"x": [null, null, 146669.51121586148]}, "pos": [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054]}, {"time_since_observed": 2, "confidence": 1, "age": 87, "kf": {"x": [null, null, 70009.29206874497]}, "pos": [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211]}, {"time_since_observed": 0, "confidence": 0.5, "age": 49, "kf": {"x": [null, null, 11457.531741932997]}, "pos": [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148]}, {"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 4666.399675494576]}, "pos": [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243]}, {"time_since_observed": 0, "confidence": 0.5, "age": 23, "kf": {"x": [null, null, 68795.40690386685]}, "pos": [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094]}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "ret_trks": [[935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 0.0], [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464, 0.0], [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054, 0.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 0.0], [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148, 0.0], [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243, 0.0], [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094, 0.0]], "ret_area_avg": 58520.676907773755}, +{"kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243, "kf": {"x": [null, null, 61178.82526404693]}, "pos": [938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002]}, {"time_since_observed": 0, "confidence": 1, "age": 161, "kf": {"x": [null, null, 44755.8590910637]}, "pos": [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368]}, {"time_since_observed": 0, "confidence": 1, "age": 159, "kf": {"x": [null, null, 164985.98353495394]}, "pos": [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664]}, {"time_since_observed": 3, "confidence": 1, "age": 88, "kf": {"x": [null, null, 69976.79607511096]}, "pos": [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922]}, {"time_since_observed": 0, "confidence": 0.5, "age": 50, "kf": {"x": [null, null, 11067.71282723082]}, "pos": [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614]}, {"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 4650.652945898168]}, "pos": [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541]}, {"time_since_observed": 0, "confidence": 0.5, "age": 24, "kf": {"x": [null, null, 64240.45300336345]}, "pos": [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746]}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 3, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "ret_trks": [[938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 0.0], [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368, 0.0], [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664, 0.0], [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922, 0.0], [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614, 0.0], [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541, 0.0], [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746, 0.0]], "ret_area_avg": 60122.32610595256}, +{"kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244, "kf": {"x": [null, null, 61179.016671172794]}, "pos": [940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687]}, {"time_since_observed": 0, "confidence": 1, "age": 162, "kf": {"x": [null, null, 43950.198363701915]}, "pos": [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256]}, {"time_since_observed": 0, "confidence": 1, "age": 160, "kf": {"x": [null, null, 156933.0585781204]}, "pos": [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661]}, {"time_since_observed": 0, "confidence": 1, "age": 89, "kf": {"x": [null, null, 84844.36971189952]}, "pos": [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206]}, {"time_since_observed": 0, "confidence": 0.5, "age": 51, "kf": {"x": [null, null, 10918.359146536011]}, "pos": [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746]}, {"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 4644.647871867354]}, "pos": [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959]}, {"time_since_observed": 0, "confidence": 0.5, "age": 25, "kf": {"x": [null, null, 62635.38400239528]}, "pos": [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733]}], "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "ret_trks": [[940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 0.0], [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256, 0.0], [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661, 0.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 0.0], [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746, 0.0], [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959, 0.0], [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733, 0.0]], "ret_area_avg": 60729.29062081332}, +{"kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245, "kf": {"x": [null, null, 61179.11237473573]}, "pos": [943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675]}, {"time_since_observed": 0, "confidence": 1, "age": 163, "kf": {"x": [null, null, 47745.46063156664]}, "pos": [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885]}, {"time_since_observed": 0, "confidence": 1, "age": 161, "kf": {"x": [null, null, 141427.75894121648]}, "pos": [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413]}, {"time_since_observed": 1, "confidence": 1, "age": 90, "kf": {"x": [null, null, 84930.54041161976]}, "pos": [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709]}, {"time_since_observed": 0, "confidence": 0.5, "age": 52, "kf": {"x": [null, null, 10860.817555541382]}, "pos": [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894]}, {"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 4642.3582115394665]}, "pos": [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477]}, {"time_since_observed": 0, "confidence": 0.5, "age": 26, "kf": {"x": [null, null, 62142.69323729415]}, "pos": [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127]}], "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "ret_trks": [[943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 0.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 0.0], [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413, 0.0], [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709, 0.0], [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894, 0.0], [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477, 0.0], [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127, 0.0]], "ret_area_avg": 58989.82019478766}, +{"kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246, "kf": {"x": [null, null, 61179.1602265172]}, "pos": [946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293]}, {"time_since_observed": 1, "confidence": 1, "age": 164, "kf": {"x": [null, null, 47714.53887151181]}, "pos": [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768]}, {"time_since_observed": 0, "confidence": 1, "age": 162, "kf": {"x": [null, null, 147988.50664064483]}, "pos": [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446]}, {"time_since_observed": 0, "confidence": 1, "age": 91, "kf": {"x": [null, null, 70894.38088355727]}, "pos": [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178]}, {"time_since_observed": 0, "confidence": 0.5, "age": 53, "kf": {"x": [null, null, 10838.343573649638]}, "pos": [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532]}, {"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 4641.485691015026]}, "pos": [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936]}, {"time_since_observed": 0, "confidence": 0.5, "age": 27, "kf": {"x": [null, null, 62064.356695104216]}, "pos": [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039]}], "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "ret_trks": [[946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 0.0], [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768, 0.0], [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446, 0.0], [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178, 0.0], [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532, 0.0], [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936, 0.0], [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039, 0.0]], "ret_area_avg": 57902.96751171428}, +{"kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247, "kf": {"x": [null, null, 61179.18415240793]}, "pos": [948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594]}, {"time_since_observed": 0, "confidence": 1, "age": 165, "kf": {"x": [null, null, 44671.07220218998]}, "pos": [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137]}, {"time_since_observed": 0, "confidence": 1, "age": 163, "kf": {"x": [null, null, 150498.10240023278]}, "pos": [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319]}, {"time_since_observed": 0, "confidence": 1, "age": 92, "kf": {"x": [null, null, 81590.69567854307]}, "pos": [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199]}, {"time_since_observed": 0, "confidence": 0.5, "age": 54, "kf": {"x": [null, null, 10829.275132206301]}, "pos": [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025]}, {"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 4641.15371572758]}, "pos": [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164]}, {"time_since_observed": 0, "confidence": 0.5, "age": 28, "kf": {"x": [null, null, 62135.689726025994]}, "pos": [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716]}], "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "ret_trks": [[948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 0.0], [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137, 0.0], [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319, 0.0], [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199, 0.0], [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025, 0.0], [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164, 0.0], [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716, 0.0]], "ret_area_avg": 59363.5961439048}, +{"kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248, "kf": {"x": [null, null, 61179.1961153533]}, "pos": [951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829]}, {"time_since_observed": 0, "confidence": 1, "age": 166, "kf": {"x": [null, null, 43935.974788124506]}, "pos": [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806]}, {"time_since_observed": 0, "confidence": 1, "age": 164, "kf": {"x": [null, null, 151460.93232176185]}, "pos": [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547]}, {"time_since_observed": 0, "confidence": 1, "age": 93, "kf": {"x": [null, null, 85400.56920169533]}, "pos": [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933]}, {"time_since_observed": 0, "confidence": 0.5, "age": 55, "kf": {"x": [null, null, 11861.168501016147]}, "pos": [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189]}, {"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 4641.027911998339]}, "pos": [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056]}, {"time_since_observed": 0, "confidence": 0.5, "age": 29, "kf": {"x": [null, null, 62256.78655051082]}, "pos": [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884]}], "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "ret_trks": [[951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 0.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 0.0], [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547, 0.0], [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933, 0.0], [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189, 0.0], [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056, 0.0], [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884, 0.0]], "ret_area_avg": 60105.09362720861}, +{"kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249, "kf": {"x": [null, null, 61179.20209682598]}, "pos": [953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555]}, {"time_since_observed": 1, "confidence": 1, "age": 167, "kf": {"x": [null, null, 43901.10876149963]}, "pos": [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939]}, {"time_since_observed": 0, "confidence": 1, "age": 165, "kf": {"x": [null, null, 151832.92961699434]}, "pos": [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698]}, {"time_since_observed": 0, "confidence": 1, "age": 94, "kf": {"x": [null, null, 73396.02339298914]}, "pos": [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596]}, {"time_since_observed": 0, "confidence": 0.5, "age": 56, "kf": {"x": [null, null, 12254.005139151137]}, "pos": [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449]}, {"time_since_observed": 0, "confidence": 0.5, "age": 41, "kf": {"x": [null, null, 4640.980725725023]}, "pos": [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158]}, {"time_since_observed": 0, "confidence": 0.5, "age": 30, "kf": {"x": [null, null, 62390.35331849239]}, "pos": [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113]}], "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249}, {"time_since_observed": 1, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_trks": [[953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 0.0], [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939, 0.0], [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698, 0.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 0.0], [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449, 0.0], [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158, 0.0], [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113, 0.0]], "ret_area_avg": 58513.51472166822}, +{"kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250, "kf": {"x": [null, null, 61179.205087562324]}, "pos": [956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532]}, {"time_since_observed": 0, "confidence": 1, "age": 168, "kf": {"x": [null, null, 48478.159226452946]}, "pos": [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195]}, {"time_since_observed": 0, "confidence": 1, "age": 166, "kf": {"x": [null, null, 166298.50498100373]}, "pos": [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327]}, {"time_since_observed": 1, "confidence": 1, "age": 95, "kf": {"x": [null, null, 73360.46948399949]}, "pos": [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546]}, {"time_since_observed": 0, "confidence": 0.5, "age": 57, "kf": {"x": [null, null, 11368.095127465678]}, "pos": [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083]}, {"time_since_observed": 0, "confidence": 0.5, "age": 42, "kf": {"x": [null, null, 5093.411719102873]}, "pos": [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936]}, {"time_since_observed": 0, "confidence": 0.5, "age": 31, "kf": {"x": [null, null, 68990.65180817625]}, "pos": [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485]}], "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_trks": [[956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 0.0], [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195, 0.0], [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327, 0.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 0.0], [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083, 0.0], [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936, 0.0], [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485, 0.0]], "ret_area_avg": 62109.78534768047}, +{"kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251, "kf": {"x": [null, null, 61179.20658293049]}, "pos": [958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636]}, {"time_since_observed": 0, "confidence": 1, "age": 169, "kf": {"x": [null, null, 49568.25330601801]}, "pos": [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708]}, {"time_since_observed": 0, "confidence": 1, "age": 167, "kf": {"x": [null, null, 134196.69197252067]}, "pos": [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375]}, {"time_since_observed": 2, "confidence": 1, "age": 96, "kf": {"x": [null, null, 73342.69252950467]}, "pos": [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843]}, {"time_since_observed": 0, "confidence": 0.5, "age": 58, "kf": {"x": [null, null, 11029.441413791214]}, "pos": [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765]}, {"time_since_observed": 0, "confidence": 0.5, "age": 43, "kf": {"x": [null, null, 5265.600664510541]}, "pos": [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725]}, {"time_since_observed": 0, "confidence": 0.5, "age": 32, "kf": {"x": [null, null, 65115.02705392382]}, "pos": [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885]}], "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_trks": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]], "ret_area_avg": 57099.55907474278}, +{"kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252, "kf": {"x": [null, null, 61179.207330614576]}, "pos": [961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802]}, {"time_since_observed": 0, "confidence": 1, "age": 170, "kf": {"x": [null, null, 54690.23432812112]}, "pos": [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843]}, {"time_since_observed": 0, "confidence": 1, "age": 168, "kf": {"x": [null, null, 132790.36878207547]}, "pos": [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543]}, {"time_since_observed": 3, "confidence": 1, "age": 97, "kf": {"x": [null, null, 73333.80405225726]}, "pos": [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268]}, {"time_since_observed": 0, "confidence": 0.5, "age": 59, "kf": {"x": [null, null, 11933.61096887292]}, "pos": [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817]}, {"time_since_observed": 0, "confidence": 0.5, "age": 44, "kf": {"x": [null, null, 4879.219323016693]}, "pos": [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679]}, {"time_since_observed": 0, "confidence": 0.5, "age": 33, "kf": {"x": [null, null, 63708.82217125267]}, "pos": [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139]}], "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_trks": [[961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 0.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 0.0], [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543, 0.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 0.0], [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817, 0.0], [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679, 0.0], [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139, 0.0]], "ret_area_avg": 57502.18099374439}, +{"kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253, "kf": {"x": [null, null, 61179.20770445662]}, "pos": [964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002]}, {"time_since_observed": 1, "confidence": 1, "age": 171, "kf": {"x": [null, null, 54729.325432926395]}, "pos": [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341]}, {"time_since_observed": 0, "confidence": 1, "age": 169, "kf": {"x": [null, null, 132259.46226755338]}, "pos": [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218]}, {"time_since_observed": 4, "confidence": 1, "age": 98, "kf": {"x": [null, null, 73329.35981363355]}, "pos": [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492]}, {"time_since_observed": 0, "confidence": 0.5, "age": 60, "kf": {"x": [null, null, 11244.420378001076]}, "pos": [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606]}, {"time_since_observed": 0, "confidence": 0.5, "age": 45, "kf": {"x": [null, null, 5183.045841847932]}, "pos": [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529]}, {"time_since_observed": 0, "confidence": 0.5, "age": 34, "kf": {"x": [null, null, 69676.31012371925]}, "pos": [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256]}], "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253}, {"time_since_observed": 1, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_trks": [[964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 0.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 0.0], [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218, 0.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 0.0], [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606, 0.0], [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529, 0.0], [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256, 0.0]], "ret_area_avg": 58228.73308030546}, +{"kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254, "kf": {"x": [null, null, 61179.20789137764]}, "pos": [966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217]}, {"time_since_observed": 2, "confidence": 1, "age": 172, "kf": {"x": [null, null, 54748.870985329035]}, "pos": [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495]}, {"time_since_observed": 0, "confidence": 1, "age": 170, "kf": {"x": [null, null, 144524.1455614703]}, "pos": [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144]}, {"time_since_observed": 5, "confidence": 1, "age": 99, "kf": {"x": [null, null, 73327.13769432169]}, "pos": [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704]}, {"time_since_observed": 0, "confidence": 0.5, "age": 61, "kf": {"x": [null, null, 10980.90147505139]}, "pos": [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389]}, {"time_since_observed": 0, "confidence": 0.5, "age": 46, "kf": {"x": [null, null, 5298.600079744246]}, "pos": [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731]}, {"time_since_observed": 0, "confidence": 0.5, "age": 35, "kf": {"x": [null, null, 65578.40592296963]}, "pos": [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799]}], "ret_kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254}, {"time_since_observed": 2, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_trks": [[966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 0.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 0.0], [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144, 0.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 0.0], [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389, 0.0], [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731, 0.0], [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799, 0.0]], "ret_area_avg": 59376.752801466275}, +{"kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255, "kf": {"x": [null, null, 61179.207984838155]}, "pos": [969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441]}, {"time_since_observed": 3, "confidence": 1, "age": 173, "kf": {"x": [null, null, 54758.64376153035]}, "pos": [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994]}, {"time_since_observed": 0, "confidence": 1, "age": 171, "kf": {"x": [null, null, 149212.8036418682]}, "pos": [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216]}, {"time_since_observed": 6, "confidence": 1, "age": 100, "kf": {"x": [null, null, 73326.02663466576]}, "pos": [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506]}, {"time_since_observed": 0, "confidence": 0.5, "age": 62, "kf": {"x": [null, null, 13099.728665874412]}, "pos": [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126]}, {"time_since_observed": 0, "confidence": 0.5, "age": 47, "kf": {"x": [null, null, 5342.31699313678]}, "pos": [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581]}, {"time_since_observed": 0, "confidence": 0.5, "age": 36, "kf": {"x": [null, null, 70493.89424466118]}, "pos": [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507]}], "ret_kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255}, {"time_since_observed": 3, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_trks": [[969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 0.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 0.0], [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216, 0.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 0.0], [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126, 0.0], [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581, 0.0], [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507, 0.0]], "ret_area_avg": 61058.94598951069}, +{"kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256, "kf": {"x": [null, null, 61179.20803156841]}, "pos": [971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669]}, {"time_since_observed": 4, "confidence": 1, "age": 174, "kf": {"x": [null, null, 54763.53014963101]}, "pos": [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265]}, {"time_since_observed": 0, "confidence": 1, "age": 172, "kf": {"x": [null, null, 151007.57325935212]}, "pos": [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165]}, {"time_since_observed": 7, "confidence": 1, "age": 101, "kf": {"x": [null, null, 73325.4711048378]}, "pos": [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567]}, {"time_since_observed": 0, "confidence": 0.5, "age": 63, "kf": {"x": [null, null, 13907.233378659417]}, "pos": [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331]}, {"time_since_observed": 0, "confidence": 0.5, "age": 48, "kf": {"x": [null, null, 5358.632027821413]}, "pos": [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571]}, {"time_since_observed": 0, "confidence": 0.5, "age": 37, "kf": {"x": [null, null, 66005.88342208383]}, "pos": [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898]}], "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_trks": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]], "ret_area_avg": 60792.504481993434}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257, "kf": {"x": [null, null, 131166.19207592023]}, "pos": [802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387]}, {"time_since_observed": 5, "confidence": 1, "age": 175, "kf": {"x": [null, null, 54765.97334368134]}, "pos": [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162]}, {"time_since_observed": 0, "confidence": 1, "age": 173, "kf": {"x": [null, null, 151696.90747442975]}, "pos": [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367]}, {"time_since_observed": 8, "confidence": 1, "age": 102, "kf": {"x": [null, null, 73325.19333992382]}, "pos": [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695]}, {"time_since_observed": 0, "confidence": 0.5, "age": 64, "kf": {"x": [null, null, 11995.948572443762]}, "pos": [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851]}, {"time_since_observed": 0, "confidence": 0.5, "age": 49, "kf": {"x": [null, null, 5364.503374930723]}, "pos": [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013]}, {"time_since_observed": 0, "confidence": 0.5, "age": 38, "kf": {"x": [null, null, 64347.17230236586]}, "pos": [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 5, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 8, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_trks": [[802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387, 0.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 0.0], [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367, 0.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 0.0], [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851, 0.0], [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013, 0.0], [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295, 0.0]], "ret_area_avg": 70380.27006909935}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258, "kf": {"x": [null, null, 132939.57298397162]}, "pos": [799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798]}, {"time_since_observed": 6, "confidence": 1, "age": 176, "kf": {"x": [null, null, 54767.194940706504]}, "pos": [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227]}, {"time_since_observed": 0, "confidence": 1, "age": 174, "kf": {"x": [null, null, 151963.94908985804]}, "pos": [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271]}, {"time_since_observed": 9, "confidence": 1, "age": 103, "kf": {"x": [null, null, 73325.05445746683]}, "pos": [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341]}, {"time_since_observed": 0, "confidence": 0.5, "age": 65, "kf": {"x": [null, null, 12297.278329214354]}, "pos": [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929]}, {"time_since_observed": 0, "confidence": 0.5, "age": 50, "kf": {"x": [null, null, 5366.402619340711]}, "pos": [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961]}, {"time_since_observed": 0, "confidence": 0.5, "age": 39, "kf": {"x": [null, null, 63764.9636736909]}, "pos": [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 6, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 9, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_trks": [[799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798, 0.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 0.0], [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271, 0.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 0.0], [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929, 0.0], [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961, 0.0], [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782, 0.0]], "ret_area_avg": 70632.05944203556}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259, "kf": {"x": [null, null, 177150.8732935343]}, "pos": [784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186]}, {"time_since_observed": 7, "confidence": 1, "age": 177, "kf": {"x": [null, null, 54767.80573921909]}, "pos": [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687]}, {"time_since_observed": 0, "confidence": 1, "age": 175, "kf": {"x": [null, null, 152069.64153374327]}, "pos": [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558]}, {"time_since_observed": 10, "confidence": 1, "age": 104, "kf": {"x": [null, null, 73324.98501623834]}, "pos": [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617]}, {"time_since_observed": 0, "confidence": 0.5, "age": 66, "kf": {"x": [null, null, 12411.524595779494]}, "pos": [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606]}, {"time_since_observed": 0, "confidence": 0.5, "age": 51, "kf": {"x": [null, null, 5366.799039527165]}, "pos": [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676]}, {"time_since_observed": 0, "confidence": 0.5, "age": 40, "kf": {"x": [null, null, 77322.14427796121]}, "pos": [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_trks": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]], "ret_area_avg": 78916.25335657185}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260, "kf": {"x": [null, null, 177152.76132173376]}, "pos": [811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874]}, {"time_since_observed": 8, "confidence": 1, "age": 178, "kf": {"x": [null, null, 54768.11113847538]}, "pos": [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419]}, {"time_since_observed": 0, "confidence": 1, "age": 176, "kf": {"x": [null, null, 139654.05014721793]}, "pos": [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212]}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 105, "kf": {"x": [null, null, 73324.95029562409]}, "pos": [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801]}, {"time_since_observed": 0, "confidence": 0.5, "age": 67, "kf": {"x": [null, null, 13639.458350850538]}, "pos": [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219]}, {"time_since_observed": 0, "confidence": 0.5, "age": 52, "kf": {"x": [null, null, 4917.4937134683805]}, "pos": [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626]}, {"time_since_observed": 0, "confidence": 0.5, "age": 41, "kf": {"x": [null, null, 75190.70592613336]}, "pos": [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 8, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "ret_trks": [[811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 0.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 0.0], [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212, 0.0], [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801, 0.0], [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219, 0.0], [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626, 0.0], [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545, 0.0]], "ret_area_avg": 76949.6472705005}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261, "kf": {"x": [null, null, 177678.11474073003]}, "pos": [811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263]}, {"time_since_observed": 9, "confidence": 1, "age": 179, "kf": {"x": [null, null, 54768.26383810353]}, "pos": [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057]}, {"time_since_observed": 0, "confidence": 1, "age": 177, "kf": {"x": [null, null, 124072.2658132165]}, "pos": [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106, "kf": {"x": [null, null, 58455.21086666419]}, "pos": [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612]}, {"time_since_observed": 0, "confidence": 0.5, "age": 68, "kf": {"x": [null, null, 11891.879753367193]}, "pos": [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727]}, {"time_since_observed": 0, "confidence": 0.5, "age": 53, "kf": {"x": [null, null, 4745.983138296125]}, "pos": [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306]}, {"time_since_observed": 0, "confidence": 0.5, "age": 42, "kf": {"x": [null, null, 81741.78276751512]}, "pos": [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 9, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "ret_trks": [[811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 0.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 0.0], [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612, 0.0], [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612, 0.0], [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727, 0.0], [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306, 0.0], [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444, 0.0]], "ret_area_avg": 73336.21441684182}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262, "kf": {"x": [null, null, 177940.79145022816]}, "pos": [810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857]}, {"time_since_observed": 10, "confidence": 1, "age": 180, "kf": {"x": [null, null, 54768.3401879176]}, "pos": [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588]}, {"time_since_observed": 0, "confidence": 1, "age": 178, "kf": {"x": [null, null, 128973.0264878737]}, "pos": [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107, "kf": {"x": [null, null, 63522.63545325837]}, "pos": [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169]}, {"time_since_observed": 0, "confidence": 0.5, "age": 69, "kf": {"x": [null, null, 14800.42629978199]}, "pos": [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715]}, {"time_since_observed": 0, "confidence": 0.5, "age": 54, "kf": {"x": [null, null, 4680.518936883861]}, "pos": [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404]}, {"time_since_observed": 0, "confidence": 0.5, "age": 43, "kf": {"x": [null, null, 84269.18568016551]}, "pos": [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_trks": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]], "ret_area_avg": 75564.98921372987}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263, "kf": {"x": [null, null, 178072.12980497722]}, "pos": [811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625]}, {"time_since_observed": 11, "confidence": 1, "age": 181, "kf": {"x": [null, null, 54768.37836282464]}, "pos": [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178]}, {"time_since_observed": 0, "confidence": 1, "age": 179, "kf": {"x": [null, null, 120005.93758894212]}, "pos": [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108, "kf": {"x": [null, null, 59667.6998416451]}, "pos": [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497]}, {"time_since_observed": 0, "confidence": 0.5, "age": 70, "kf": {"x": [null, null, 14547.94896616381]}, "pos": [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071]}, {"time_since_observed": 0, "confidence": 0.5, "age": 55, "kf": {"x": [null, null, 4655.538083738772]}, "pos": [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799]}, {"time_since_observed": 0, "confidence": 0.5, "age": 44, "kf": {"x": [null, null, 85259.90820779096]}, "pos": [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_trks": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]], "ret_area_avg": 73853.9344080118}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264, "kf": {"x": [null, null, 178137.79898235176]}, "pos": [811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432]}, {"time_since_observed": 12, "confidence": 1, "age": 182, "kf": {"x": [null, null, 54768.39745027816]}, "pos": [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574]}, {"time_since_observed": 0, "confidence": 1, "age": 180, "kf": {"x": [null, null, 116588.24472404362]}, "pos": [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109, "kf": {"x": [null, null, 53496.18261944033]}, "pos": [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252]}, {"time_since_observed": 0, "confidence": 0.5, "age": 71, "kf": {"x": [null, null, 15811.202235272058]}, "pos": [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833]}, {"time_since_observed": 0, "confidence": 0.5, "age": 56, "kf": {"x": [null, null, 4646.0119501851495]}, "pos": [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192]}, {"time_since_observed": 0, "confidence": 0.5, "age": 45, "kf": {"x": [null, null, 94063.88405009848]}, "pos": [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 1121.0]}, "pos": [629.0, 457.0, 648.0, 516.0]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 12, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 0.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 0.0], [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694, 0.0], [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252, 0.0], [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833, 0.0], [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192, 0.0], [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "ret_area_avg": 64829.09025145869}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265, "kf": {"x": [null, null, 178170.633571039]}, "pos": [811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195]}, {"time_since_observed": 13, "confidence": 1, "age": 183, "kf": {"x": [null, null, 54768.406994004916]}, "pos": [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442]}, {"time_since_observed": 0, "confidence": 1, "age": 181, "kf": {"x": [null, null, 115290.19666138344]}, "pos": [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110, "kf": {"x": [null, null, 55878.808298939795]}, "pos": [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197]}, {"time_since_observed": 0, "confidence": 0.5, "age": 72, "kf": {"x": [null, null, 16291.832626253286]}, "pos": [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133]}, {"time_since_observed": 0, "confidence": 0.5, "age": 57, "kf": {"x": [null, null, 4642.385643844424]}, "pos": [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355]}, {"time_since_observed": 0, "confidence": 0.5, "age": 46, "kf": {"x": [null, null, 97440.34903920347]}, "pos": [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781]}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2, "kf": {"x": [null, null, 1121.0]}, "pos": [629.0, 457.0, 648.0, 516.0]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 13, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2}], "ret_trks": [[811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 0.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 0.0], [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041, 0.0], [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197, 0.0], [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133, 0.0], [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355, 0.0], [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "ret_area_avg": 65450.451604333546}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266, "kf": {"x": [null, null, 178187.05086538265]}, "pos": [811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321]}, {"time_since_observed": 14, "confidence": 1, "age": 184, "kf": {"x": [null, null, 54768.411765868295]}, "pos": [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564]}, {"time_since_observed": 0, "confidence": 1, "age": 182, "kf": {"x": [null, null, 114801.71472509176]}, "pos": [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111, "kf": {"x": [null, null, 56790.67478353369]}, "pos": [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599]}, {"time_since_observed": 0, "confidence": 0.5, "age": 73, "kf": {"x": [null, null, 13930.50930840112]}, "pos": [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252]}, {"time_since_observed": 0, "confidence": 0.5, "age": 58, "kf": {"x": [null, null, 4641.011425903687]}, "pos": [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546]}, {"time_since_observed": 0, "confidence": 0.5, "age": 47, "kf": {"x": [null, null, 98744.69311785989]}, "pos": [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118]}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3, "kf": {"x": [null, null, 1121.0]}, "pos": [629.0, 457.0, 648.0, 516.0]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "ret_trks": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "ret_area_avg": 65373.13324900514}, +{"kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267, "kf": {"x": [null, null, 178195.25951255448]}, "pos": [811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931]}, {"time_since_observed": 15, "confidence": 1, "age": 185, "kf": {"x": [null, null, 54768.41415179998]}, "pos": [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318]}, {"time_since_observed": 0, "confidence": 1, "age": 183, "kf": {"x": [null, null, 114622.38236510608]}, "pos": [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112, "kf": {"x": [null, null, 57141.18609390618]}, "pos": [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798]}, {"time_since_observed": 0, "confidence": 0.5, "age": 74, "kf": {"x": [null, null, 15570.618314728705]}, "pos": [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912]}, {"time_since_observed": 0, "confidence": 0.5, "age": 59, "kf": {"x": [null, null, 4640.496690497684]}, "pos": [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341]}, {"time_since_observed": 0, "confidence": 0.5, "age": 48, "kf": {"x": [null, null, 99257.52127632161]}, "pos": [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432]}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4, "kf": {"x": [null, null, 1121.0]}, "pos": [629.0, 457.0, 648.0, 516.0]}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "ret_trks": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "ret_area_avg": 65664.60980061433}, +{"kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 268, "kf": {"x": [null, null, 178199.36383614037]}, "pos": [811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365]}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186, "kf": {"x": [null, null, 54768.415344765825]}, "pos": [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386]}, {"time_since_observed": 0, "confidence": 1, "age": 184, "kf": {"x": [null, null, 137862.45427467214]}, "pos": [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113, "kf": {"x": [null, null, 52550.68629547116]}, "pos": [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375]}, {"time_since_observed": 0, "confidence": 0.5, "age": 75, "kf": {"x": [null, null, 16195.304852760997]}, "pos": [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982]}, {"time_since_observed": 0, "confidence": 0.5, "age": 60, "kf": {"x": [null, null, 4640.309777949639]}, "pos": [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756]}, {"time_since_observed": 0, "confidence": 0.5, "age": 49, "kf": {"x": [null, null, 99467.62952385133]}, "pos": [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 54245.939600000005]}, "pos": [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099]}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365, 0.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 0.0], [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621, 0.0], [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375, 0.0], [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982, 0.0], [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756, 0.0], [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659, 0.0], [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099, 0.0]], "ret_area_avg": 74741.26293820144}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269, "kf": {"x": [null, null, 199823.59315663503]}, "pos": [780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512]}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187, "kf": {"x": [null, null, 54768.41594124875]}, "pos": [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615]}, {"time_since_observed": 0, "confidence": 1, "age": 185, "kf": {"x": [null, null, 123441.63392881541]}, "pos": [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114, "kf": {"x": [null, null, 50800.66734209156]}, "pos": [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412]}, {"time_since_observed": 0, "confidence": 0.5, "age": 76, "kf": {"x": [null, null, 16432.264361069858]}, "pos": [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742]}, {"time_since_observed": 0, "confidence": 0.5, "age": 61, "kf": {"x": [null, null, 4640.247720271012]}, "pos": [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364]}, {"time_since_observed": 0, "confidence": 0.5, "age": 50, "kf": {"x": [null, null, 99561.616717903]}, "pos": [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 46894.17232307692]}, "pos": [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512, 0.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 0.0], [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564, 0.0], [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412, 0.0], [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742, 0.0], [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364, 0.0], [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719, 0.0], [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184, 0.0]], "ret_area_avg": 74545.32643638893}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270, "kf": {"x": [null, null, 168620.51919430774]}, "pos": [803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265]}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188, "kf": {"x": [null, null, 54768.41623949021]}, "pos": [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923]}, {"time_since_observed": 0, "confidence": 1, "age": 186, "kf": {"x": [null, null, 117940.2686484713]}, "pos": [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115, "kf": {"x": [null, null, 54861.30151472952]}, "pos": [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061]}, {"time_since_observed": 0, "confidence": 0.5, "age": 77, "kf": {"x": [null, null, 16521.197683069116]}, "pos": [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462]}, {"time_since_observed": 0, "confidence": 0.5, "age": 62, "kf": {"x": [null, null, 4640.23303928852]}, "pos": [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497]}, {"time_since_observed": 0, "confidence": 0.5, "age": 51, "kf": {"x": [null, null, 91244.82811842275]}, "pos": [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 37655.34463598884]}, "pos": [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265, 0.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 0.0], [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765, 0.0], [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061, 0.0], [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462, 0.0], [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497, 0.0], [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309, 0.0], [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596, 0.0]], "ret_area_avg": 68281.51363422099}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271, "kf": {"x": [null, null, 208491.35020245562]}, "pos": [788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101]}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189, "kf": {"x": [null, null, 54768.41638861094]}, "pos": [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271]}, {"time_since_observed": 0, "confidence": 1, "age": 187, "kf": {"x": [null, null, 139146.04479281066]}, "pos": [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116, "kf": {"x": [null, null, 51688.94756564316]}, "pos": [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719]}, {"time_since_observed": 0, "confidence": 0.5, "age": 78, "kf": {"x": [null, null, 14013.625210600258]}, "pos": [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218]}, {"time_since_observed": 0, "confidence": 0.5, "age": 63, "kf": {"x": [null, null, 4640.236167440107]}, "pos": [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093]}, {"time_since_observed": 0, "confidence": 0.5, "age": 52, "kf": {"x": [null, null, 88088.80096617901]}, "pos": [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 36356.85696015607]}, "pos": [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101, 0.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 0.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 0.0], [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719, 0.0], [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218, 0.0], [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093, 0.0], [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291, 0.0], [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668, 0.0]], "ret_area_avg": 74649.28478173699}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272, "kf": {"x": [null, null, 188021.83711312703]}, "pos": [813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323]}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190, "kf": {"x": [null, null, 54768.41646317131]}, "pos": [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638]}, {"time_since_observed": 1, "confidence": 1, "age": 188, "kf": {"x": [null, null, 138940.77265157193]}, "pos": [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117, "kf": {"x": [null, null, 60636.120319528905]}, "pos": [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492]}, {"time_since_observed": 0, "confidence": 0.5, "age": 79, "kf": {"x": [null, null, 14236.756688120577]}, "pos": [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592]}, {"time_since_observed": 0, "confidence": 0.5, "age": 64, "kf": {"x": [null, null, 4640.245828715138]}, "pos": [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631]}, {"time_since_observed": 0, "confidence": 0.5, "age": 53, "kf": {"x": [null, null, 86902.10806417173]}, "pos": [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 36339.00283819969]}, "pos": [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 0.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 0.0], [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362, 0.0], [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492, 0.0], [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592, 0.0], [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631, 0.0], [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446, 0.0], [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391, 0.0]], "ret_area_avg": 73060.6574958258}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 273, "kf": {"x": [null, null, 188068.26434939596]}, "pos": [814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942]}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191, "kf": {"x": [null, null, 54768.41650045149]}, "pos": [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516]}, {"time_since_observed": 0, "confidence": 1, "age": 189, "kf": {"x": [null, null, 165639.1839893342]}, "pos": [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182]}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118, "kf": {"x": [null, null, 64054.25592118813]}, "pos": [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878]}, {"time_since_observed": 0, "confidence": 0.5, "age": 80, "kf": {"x": [null, null, 13139.984462850804]}, "pos": [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156]}, {"time_since_observed": 0, "confidence": 0.5, "age": 65, "kf": {"x": [null, null, 4640.2577301766505]}, "pos": [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671]}, {"time_since_observed": 0, "confidence": 0.5, "age": 54, "kf": {"x": [null, null, 94818.21529158868]}, "pos": [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 41494.14871435586]}, "pos": [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 273}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942, 0.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 0.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 0.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 0.0], [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156, 0.0], [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671, 0.0], [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864, 0.0], [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598, 0.0]], "ret_area_avg": 78327.84086991774}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274, "kf": {"x": [null, null, 178838.35310609135]}, "pos": [824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598]}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192, "kf": {"x": [null, null, 54768.41651909158]}, "pos": [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648]}, {"time_since_observed": 1, "confidence": 1, "age": 190, "kf": {"x": [null, null, 165674.14458498973]}, "pos": [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277]}, {"time_since_observed": 1, "confidence": 1, "age": 119, "kf": {"x": [null, null, 64010.94295478209]}, "pos": [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165]}, {"time_since_observed": 0, "confidence": 0.5, "age": 81, "kf": {"x": [null, null, 13901.40828709102]}, "pos": [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542]}, {"time_since_observed": 0, "confidence": 0.5, "age": 66, "kf": {"x": [null, null, 4640.270244372282]}, "pos": [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828]}, {"time_since_observed": 0, "confidence": 0.5, "age": 55, "kf": {"x": [null, null, 89504.33016018568]}, "pos": [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071]}, {"time_since_observed": 0, "confidence": 0.5, "age": 7, "kf": {"x": [null, null, 38528.12933634798]}, "pos": [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598, 0.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 0.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 0.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 0.0], [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542, 0.0], [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828, 0.0], [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071, 0.0], [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409, 0.0]], "ret_area_avg": 76233.24939911897}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275, "kf": {"x": [null, null, 176624.87989505343]}, "pos": [826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148]}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193, "kf": {"x": [null, null, 54768.416528411624]}, "pos": [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908]}, {"time_since_observed": 2, "confidence": 1, "age": 191, "kf": {"x": [null, null, 165691.6248828175]}, "pos": [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868]}, {"time_since_observed": 2, "confidence": 1, "age": 120, "kf": {"x": [null, null, 63989.28647157907]}, "pos": [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172]}, {"time_since_observed": 0, "confidence": 0.5, "age": 82, "kf": {"x": [null, null, 14191.285054908034]}, "pos": [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153]}, {"time_since_observed": 0, "confidence": 0.5, "age": 67, "kf": {"x": [null, null, 4640.282760879273]}, "pos": [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807]}, {"time_since_observed": 0, "confidence": 0.5, "age": 56, "kf": {"x": [null, null, 87491.86011011525]}, "pos": [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638]}, {"time_since_observed": 0, "confidence": 0.5, "age": 8, "kf": {"x": [null, null, 37572.50383225203]}, "pos": [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193}, {"time_since_observed": 2, "confidence": 1, "age": 191}, {"time_since_observed": 2, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148, 0.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 0.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 0.0], [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172, 0.0], [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153, 0.0], [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807, 0.0], [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638, 0.0], [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993, 0.0]], "ret_area_avg": 75621.267442002}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276, "kf": {"x": [null, null, 175828.6659576087]}, "pos": [827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025]}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194, "kf": {"x": [null, null, 54768.41653307165]}, "pos": [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731]}, {"time_since_observed": 3, "confidence": 1, "age": 192, "kf": {"x": [null, null, 165700.36503173137]}, "pos": [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313]}, {"time_since_observed": 0, "confidence": 1, "age": 121, "kf": {"x": [null, null, 73706.20349879087]}, "pos": [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228]}, {"time_since_observed": 0, "confidence": 0.5, "age": 83, "kf": {"x": [null, null, 13120.790790096127]}, "pos": [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151]}, {"time_since_observed": 0, "confidence": 0.5, "age": 68, "kf": {"x": [null, null, 4640.295056945219]}, "pos": [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837]}, {"time_since_observed": 0, "confidence": 0.5, "age": 57, "kf": {"x": [null, null, 86739.2208874336]}, "pos": [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619]}, {"time_since_observed": 0, "confidence": 0.5, "age": 9, "kf": {"x": [null, null, 37299.985234080574]}, "pos": [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194}, {"time_since_observed": 3, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025, 0.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 0.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 0.0], [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228, 0.0], [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151, 0.0], [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837, 0.0], [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619, 0.0], [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049, 0.0]], "ret_area_avg": 76475.49287371976}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277, "kf": {"x": [null, null, 175527.73173671032]}, "pos": [827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022]}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195, "kf": {"x": [null, null, 54768.41653540166]}, "pos": [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337]}, {"time_since_observed": 4, "confidence": 1, "age": 193, "kf": {"x": [null, null, 165704.7351061883]}, "pos": [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538]}, {"time_since_observed": 0, "confidence": 1, "age": 122, "kf": {"x": [null, null, 68937.51379617924]}, "pos": [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527]}, {"time_since_observed": 0, "confidence": 0.5, "age": 84, "kf": {"x": [null, null, 12711.498404961403]}, "pos": [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155]}, {"time_since_observed": 0, "confidence": 0.5, "age": 69, "kf": {"x": [null, null, 4640.307057231326]}, "pos": [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936]}, {"time_since_observed": 0, "confidence": 0.5, "age": 58, "kf": {"x": [null, null, 86467.0292090444]}, "pos": [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875]}, {"time_since_observed": 0, "confidence": 0.5, "age": 10, "kf": {"x": [null, null, 37257.59973603288]}, "pos": [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195}, {"time_since_observed": 4, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022, 0.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 0.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 0.0], [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527, 0.0], [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155, 0.0], [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936, 0.0], [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875, 0.0], [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 0.0]], "ret_area_avg": 75751.8539477187}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278, "kf": {"x": [null, null, 175413.66645821228]}, "pos": [827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469]}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196, "kf": {"x": [null, null, 54768.41653656666]}, "pos": [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332]}, {"time_since_observed": 5, "confidence": 1, "age": 194, "kf": {"x": [null, null, 165706.9201434168]}, "pos": [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291]}, {"time_since_observed": 0, "confidence": 1, "age": 123, "kf": {"x": [null, null, 67280.39993911488]}, "pos": [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752]}, {"time_since_observed": 0, "confidence": 0.5, "age": 85, "kf": {"x": [null, null, 11528.532961838408]}, "pos": [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071]}, {"time_since_observed": 0, "confidence": 0.5, "age": 70, "kf": {"x": [null, null, 4640.318742119437]}, "pos": [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032]}, {"time_since_observed": 0, "confidence": 0.5, "age": 59, "kf": {"x": [null, null, 86377.76171462791]}, "pos": [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676]}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11, "kf": {"x": [null, null, 36782.35106434095]}, "pos": [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196}, {"time_since_observed": 5, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11}], "ret_trks": [[827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 0.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 0.0], [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291, 0.0], [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752, 0.0], [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071, 0.0], [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032, 0.0], [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676, 0.0], [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 0.0]], "ret_area_avg": 75312.29594502965}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279, "kf": {"x": [null, null, 175375.6191949808]}, "pos": [828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866]}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197, "kf": {"x": [null, null, 54768.41653714917]}, "pos": [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524]}, {"time_since_observed": 0, "confidence": 1, "age": 195, "kf": {"x": [null, null, 154165.1955205935]}, "pos": [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467]}, {"time_since_observed": 0, "confidence": 1, "age": 124, "kf": {"x": [null, null, 66655.89891283611]}, "pos": [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942]}, {"time_since_observed": 0, "confidence": 0.5, "age": 86, "kf": {"x": [null, null, 13282.305462739396]}, "pos": [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777]}, {"time_since_observed": 0, "confidence": 0.5, "age": 71, "kf": {"x": [null, null, 4640.330112741068]}, "pos": [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421]}, {"time_since_observed": 0, "confidence": 0.5, "age": 60, "kf": {"x": [null, null, 86357.85396330565]}, "pos": [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436]}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12, "kf": {"x": [null, null, 36307.10239264903]}, "pos": [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "ret_trks": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]], "ret_area_avg": 73944.09026212434}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280, "kf": {"x": [null, null, 175356.59556336506]}, "pos": [829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689]}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198, "kf": {"x": [null, null, 54768.41653744042]}, "pos": [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314]}, {"time_since_observed": 0, "confidence": 1, "age": 196, "kf": {"x": [null, null, 153076.26735692928]}, "pos": [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313]}, {"time_since_observed": 0, "confidence": 1, "age": 125, "kf": {"x": [null, null, 66417.79042648563]}, "pos": [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184]}, {"time_since_observed": 0, "confidence": 0.5, "age": 87, "kf": {"x": [null, null, 13951.2692426603]}, "pos": [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955]}, {"time_since_observed": 0, "confidence": 0.5, "age": 72, "kf": {"x": [null, null, 4640.34117766138]}, "pos": [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682]}, {"time_since_observed": 0, "confidence": 0.5, "age": 61, "kf": {"x": [null, null, 86363.97179607714]}, "pos": [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325]}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13, "kf": {"x": [null, null, 35831.85372095711]}, "pos": [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13}], "ret_trks": [[829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 0.0], [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 0.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 0.0], [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184, 0.0], [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955, 0.0], [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682, 0.0], [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325, 0.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 0.0]], "ret_area_avg": 73800.81322769704}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281, "kf": {"x": [null, null, 175347.0837475572]}, "pos": [831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017]}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199, "kf": {"x": [null, null, 54768.41653773167]}, "pos": [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104]}, {"time_since_observed": 1, "confidence": 1, "age": 197, "kf": {"x": [null, null, 153014.79644239516]}, "pos": [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656]}, {"time_since_observed": 0, "confidence": 1, "age": 126, "kf": {"x": [null, null, 79721.71251480682]}, "pos": [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046]}, {"time_since_observed": 0, "confidence": 0.5, "age": 88, "kf": {"x": [null, null, 13026.712724780713]}, "pos": [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606]}, {"time_since_observed": 0, "confidence": 0.5, "age": 73, "kf": {"x": [null, null, 4640.351947828715]}, "pos": [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222]}, {"time_since_observed": 0, "confidence": 0.5, "age": 62, "kf": {"x": [null, null, 86379.59261952435]}, "pos": [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121]}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14, "kf": {"x": [null, null, 35356.605049265185]}, "pos": [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14}], "ret_trks": [[831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 0.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 0.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 0.0], [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046, 0.0], [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606, 0.0], [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222, 0.0], [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121, 0.0], [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 0.0]], "ret_area_avg": 75281.90894798623}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282, "kf": {"x": [null, null, 175342.32783965327]}, "pos": [832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588]}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200, "kf": {"x": [null, null, 54768.416537877296]}, "pos": [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192]}, {"time_since_observed": 2, "confidence": 1, "age": 198, "kf": {"x": [null, null, 152984.0609851281]}, "pos": [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088]}, {"time_since_observed": 0, "confidence": 1, "age": 127, "kf": {"x": [null, null, 71406.21169327282]}, "pos": [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106]}, {"time_since_observed": 0, "confidence": 0.5, "age": 89, "kf": {"x": [null, null, 13852.238012519669]}, "pos": [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227]}, {"time_since_observed": 0, "confidence": 0.5, "age": 74, "kf": {"x": [null, null, 4640.362434677459]}, "pos": [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147]}, {"time_since_observed": 0, "confidence": 0.5, "age": 63, "kf": {"x": [null, null, 86398.42894913456]}, "pos": [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "ret_trks": [[832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 0.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 0.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 0.0], [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106, 0.0], [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227, 0.0], [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147, 0.0], [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603, 0.0]], "ret_area_avg": 79913.14949318045}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283, "kf": {"x": [null, null, 175339.9498857013]}, "pos": [833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611]}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201, "kf": {"x": [null, null, 54768.41653795011]}, "pos": [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593]}, {"time_since_observed": 3, "confidence": 1, "age": 199, "kf": {"x": [null, null, 152968.6932564946]}, "pos": [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383]}, {"time_since_observed": 0, "confidence": 1, "age": 128, "kf": {"x": [null, null, 68230.03351614308]}, "pos": [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279]}, {"time_since_observed": 0, "confidence": 0.5, "age": 90, "kf": {"x": [null, null, 14166.74650844569]}, "pos": [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894]}, {"time_since_observed": 0, "confidence": 0.5, "age": 75, "kf": {"x": [null, null, 4640.372649432458]}, "pos": [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848]}, {"time_since_observed": 0, "confidence": 0.5, "age": 64, "kf": {"x": [null, null, 86418.09976319513]}, "pos": [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201}, {"time_since_observed": 3, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "ret_trks": [[833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 0.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 0.0], [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383, 0.0], [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279, 0.0], [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894, 0.0], [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848, 0.0], [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681, 0.0]], "ret_area_avg": 79504.61601676606}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284, "kf": {"x": [null, null, 175338.76090872532]}, "pos": [834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948]}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202, "kf": {"x": [null, null, 54768.416537986515]}, "pos": [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993]}, {"time_since_observed": 0, "confidence": 1, "age": 200, "kf": {"x": [null, null, 171813.87845429633]}, "pos": [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926]}, {"time_since_observed": 0, "confidence": 1, "age": 129, "kf": {"x": [null, null, 73248.30634174038]}, "pos": [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106]}, {"time_since_observed": 0, "confidence": 0.5, "age": 91, "kf": {"x": [null, null, 14286.105019661125]}, "pos": [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742]}, {"time_since_observed": 0, "confidence": 0.5, "age": 76, "kf": {"x": [null, null, 4640.382602869915]}, "pos": [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052]}, {"time_since_observed": 0, "confidence": 0.5, "age": 65, "kf": {"x": [null, null, 86437.71433295097]}, "pos": [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "ret_trks": [[834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 0.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 0.0], [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926, 0.0], [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106, 0.0], [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742, 0.0], [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052, 0.0], [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052, 0.0]], "ret_area_avg": 82933.36631403294}, +{"kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285, "kf": {"x": [null, null, 175338.16642023734]}, "pos": [836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891]}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203, "kf": {"x": [null, null, 54768.41653800472]}, "pos": [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718]}, {"time_since_observed": 0, "confidence": 1, "age": 201, "kf": {"x": [null, null, 174386.22871599838]}, "pos": [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953]}, {"time_since_observed": 0, "confidence": 1, "age": 130, "kf": {"x": [null, null, 68932.63715297492]}, "pos": [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683]}, {"time_since_observed": 0, "confidence": 0.5, "age": 92, "kf": {"x": [null, null, 14330.947677413491]}, "pos": [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279]}, {"time_since_observed": 0, "confidence": 0.5, "age": 77, "kf": {"x": [null, null, 4640.3923052505015]}, "pos": [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019]}, {"time_since_observed": 0, "confidence": 0.5, "age": 66, "kf": {"x": [null, null, 86456.94980824225]}, "pos": [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142]}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "ret_trks": [[836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 0.0], [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 0.0], [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953, 0.0], [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683, 0.0], [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279, 0.0], [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019, 0.0], [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142, 0.0]], "ret_area_avg": 82693.39123116022}, +{"kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286, "kf": {"x": [null, null, 175337.86917599334]}, "pos": [837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917]}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204, "kf": {"x": [null, null, 54768.416538022924]}, "pos": [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442]}, {"time_since_observed": 0, "confidence": 1, "age": 202, "kf": {"x": [null, null, 175267.48492532436]}, "pos": [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216]}, {"time_since_observed": 0, "confidence": 1, "age": 131, "kf": {"x": [null, null, 67284.21811626735]}, "pos": [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732]}, {"time_since_observed": 0, "confidence": 0.5, "age": 93, "kf": {"x": [null, null, 14347.346342285296]}, "pos": [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492]}, {"time_since_observed": 0, "confidence": 0.5, "age": 78, "kf": {"x": [null, null, 4640.401766316314]}, "pos": [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951]}, {"time_since_observed": 0, "confidence": 0.5, "age": 67, "kf": {"x": [null, null, 86475.69911423123]}, "pos": [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391]}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "ret_trks": [[837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 0.0], [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 0.0], [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216, 0.0], [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732, 0.0], [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492, 0.0], [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951, 0.0], [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391, 0.0]], "ret_area_avg": 82588.77656834868}, +{"kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 287, "kf": {"x": [null, null, 175337.72055387133]}, "pos": [838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002]}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205, "kf": {"x": [null, null, 54768.41653804113]}, "pos": [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167]}, {"time_since_observed": 0, "confidence": 1, "age": 203, "kf": {"x": [null, null, 175597.6611516795]}, "pos": [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242]}, {"time_since_observed": 0, "confidence": 1, "age": 132, "kf": {"x": [null, null, 66654.58224480676]}, "pos": [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744]}, {"time_since_observed": 0, "confidence": 0.5, "age": 94, "kf": {"x": [null, null, 14352.896300098397]}, "pos": [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388]}, {"time_since_observed": 0, "confidence": 0.5, "age": 79, "kf": {"x": [null, null, 4640.410995310482]}, "pos": [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312]}, {"time_since_observed": 0, "confidence": 0.5, "age": 68, "kf": {"x": [null, null, 86493.9365905486]}, "pos": [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159]}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 287}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "ret_trks": [[838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002, 0.0], [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 0.0], [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242, 0.0], [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744, 0.0], [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388, 0.0], [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312, 0.0], [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159, 0.0]], "ret_area_avg": 82549.3749106223}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288, "kf": {"x": [null, null, 175457.58385209562]}, "pos": [826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486]}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206, "kf": {"x": [null, null, 54768.41653805933]}, "pos": [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892]}, {"time_since_observed": 0, "confidence": 1, "age": 204, "kf": {"x": [null, null, 148954.35564176124]}, "pos": [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548]}, {"time_since_observed": 0, "confidence": 1, "age": 133, "kf": {"x": [null, null, 60989.11295409071]}, "pos": [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134]}, {"time_since_observed": 0, "confidence": 0.5, "age": 95, "kf": {"x": [null, null, 14354.31711678973]}, "pos": [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103]}, {"time_since_observed": 0, "confidence": 0.5, "age": 80, "kf": {"x": [null, null, 4640.420001003819]}, "pos": [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316]}, {"time_since_observed": 0, "confidence": 0.5, "age": 69, "kf": {"x": [null, null, 86511.66676099344]}, "pos": [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_trks": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]], "ret_area_avg": 77953.696123542}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289, "kf": {"x": [null, null, 175458.07753172825]}, "pos": [826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705]}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207, "kf": {"x": [null, null, 54768.41653807754]}, "pos": [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617]}, {"time_since_observed": 0, "confidence": 1, "age": 205, "kf": {"x": [null, null, 151237.1555458439]}, "pos": [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439]}, {"time_since_observed": 0, "confidence": 1, "age": 134, "kf": {"x": [null, null, 70480.64734490494]}, "pos": [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897]}, {"time_since_observed": 0, "confidence": 0.5, "age": 96, "kf": {"x": [null, null, 14354.174715719944]}, "pos": [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495]}, {"time_since_observed": 0, "confidence": 0.5, "age": 81, "kf": {"x": [null, null, 4640.428791722747]}, "pos": [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097]}, {"time_since_observed": 0, "confidence": 0.5, "age": 70, "kf": {"x": [null, null, 86528.90483803237]}, "pos": [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_trks": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]], "ret_area_avg": 79638.2579008614}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290, "kf": {"x": [null, null, 175458.32437154456]}, "pos": [827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078]}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208, "kf": {"x": [null, null, 54768.41653808664]}, "pos": [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174]}, {"time_since_observed": 0, "confidence": 1, "age": 206, "kf": {"x": [null, null, 166418.70499943217]}, "pos": [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522]}, {"time_since_observed": 0, "confidence": 1, "age": 135, "kf": {"x": [null, null, 67875.3534416579]}, "pos": [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042]}, {"time_since_observed": 0, "confidence": 0.5, "age": 97, "kf": {"x": [null, null, 14353.448669482967]}, "pos": [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666]}, {"time_since_observed": 0, "confidence": 0.5, "age": 82, "kf": {"x": [null, null, 4640.437375376352]}, "pos": [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759]}, {"time_since_observed": 0, "confidence": 0.5, "age": 71, "kf": {"x": [null, null, 94842.02941546944]}, "pos": [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "ret_trks": [[827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 0.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 0.0], [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522, 0.0], [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042, 0.0], [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666, 0.0], [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759, 0.0], [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033, 0.0]], "ret_area_avg": 82622.38783015}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 291, "kf": {"x": [null, null, 175458.44779145272]}, "pos": [827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105]}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209, "kf": {"x": [null, null, 54768.41653809119]}, "pos": [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645]}, {"time_since_observed": 0, "confidence": 1, "age": 207, "kf": {"x": [null, null, 145452.75271618122]}, "pos": [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576]}, {"time_since_observed": 0, "confidence": 1, "age": 136, "kf": {"x": [null, null, 66880.2254515686]}, "pos": [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099]}, {"time_since_observed": 0, "confidence": 0.5, "age": 98, "kf": {"x": [null, null, 14352.512702480179]}, "pos": [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468]}, {"time_since_observed": 0, "confidence": 0.5, "age": 83, "kf": {"x": [null, null, 4640.445759481935]}, "pos": [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211]}, {"time_since_observed": 0, "confidence": 0.5, "age": 72, "kf": {"x": [null, null, 98022.91674849384]}, "pos": [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 291}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "ret_trks": [[827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105, 0.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 0.0], [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576, 0.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 0.0], [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468, 0.0], [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211, 0.0], [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194, 0.0]], "ret_area_avg": 79939.38824396425}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292, "kf": {"x": [null, null, 175465.52966097413]}, "pos": [780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401]}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210, "kf": {"x": [null, null, 54768.416538093465]}, "pos": [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075]}, {"time_since_observed": 0, "confidence": 1, "age": 208, "kf": {"x": [null, null, 137446.60227277005]}, "pos": [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827]}, {"time_since_observed": 1, "confidence": 1, "age": 137, "kf": {"x": [null, null, 66883.82988417974]}, "pos": [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278]}, {"time_since_observed": 0, "confidence": 0.5, "age": 99, "kf": {"x": [null, null, 15705.145290419174]}, "pos": [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715]}, {"time_since_observed": 0, "confidence": 0.5, "age": 84, "kf": {"x": [null, null, 4640.453951188859]}, "pos": [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394]}, {"time_since_observed": 0, "confidence": 0.5, "age": 73, "kf": {"x": [null, null, 90952.00234114993]}, "pos": [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "ret_trks": [[780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 0.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 0.0], [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827, 0.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 0.0], [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715, 0.0], [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394, 0.0], [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504, 0.0]], "ret_area_avg": 77980.28284839648}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293, "kf": {"x": [null, null, 175465.62493830043]}, "pos": [777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239]}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211, "kf": {"x": [null, null, 54768.4165380946]}, "pos": [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483]}, {"time_since_observed": 0, "confidence": 1, "age": 209, "kf": {"x": [null, null, 134390.79075552212]}, "pos": [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698]}, {"time_since_observed": 2, "confidence": 1, "age": 138, "kf": {"x": [null, null, 66885.63210048531]}, "pos": [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424]}, {"time_since_observed": 0, "confidence": 0.5, "age": 100, "kf": {"x": [null, null, 14867.283001706845]}, "pos": [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818]}, {"time_since_observed": 0, "confidence": 0.5, "age": 85, "kf": {"x": [null, null, 4640.461957300746]}, "pos": [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316]}, {"time_since_observed": 0, "confidence": 0.5, "age": 74, "kf": {"x": [null, null, 88261.21279364207]}, "pos": [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "ret_trks": [[777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 0.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 0.0], [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698, 0.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 0.0], [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818, 0.0], [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316, 0.0], [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687, 0.0]], "ret_area_avg": 77039.91744072174}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 294, "kf": {"x": [null, null, 175465.67257696358]}, "pos": [774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992]}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212, "kf": {"x": [null, null, 54768.41653809517]}, "pos": [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881]}, {"time_since_observed": 0, "confidence": 1, "age": 210, "kf": {"x": [null, null, 122386.00684586767]}, "pos": [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627]}, {"time_since_observed": 3, "confidence": 1, "age": 139, "kf": {"x": [null, null, 66886.5332086381]}, "pos": [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941]}, {"time_since_observed": 0, "confidence": 0.5, "age": 101, "kf": {"x": [null, null, 15899.962161586938]}, "pos": [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932]}, {"time_since_observed": 0, "confidence": 0.5, "age": 86, "kf": {"x": [null, null, 4640.469784296109]}, "pos": [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248]}, {"time_since_observed": 0, "confidence": 0.5, "age": 75, "kf": {"x": [null, null, 87242.84345995543]}, "pos": [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 294}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "ret_trks": [[774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992, 0.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 0.0], [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627, 0.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 0.0], [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932, 0.0], [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248, 0.0], [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842, 0.0]], "ret_area_avg": 75327.12922505756}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295, "kf": {"x": [null, null, 157087.9385442624]}, "pos": [808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533]}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213, "kf": {"x": [null, null, 54768.41653809545]}, "pos": [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274]}, {"time_since_observed": 0, "confidence": 1, "age": 211, "kf": {"x": [null, null, 128644.32651021064]}, "pos": [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712]}, {"time_since_observed": 4, "confidence": 1, "age": 140, "kf": {"x": [null, null, 66886.98376271449]}, "pos": [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237]}, {"time_since_observed": 0, "confidence": 0.5, "age": 102, "kf": {"x": [null, null, 13763.324918527736]}, "pos": [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652]}, {"time_since_observed": 0, "confidence": 0.5, "age": 87, "kf": {"x": [null, null, 5595.281265163996]}, "pos": [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575]}, {"time_since_observed": 0, "confidence": 0.5, "age": 76, "kf": {"x": [null, null, 79654.41612716364]}, "pos": [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_trks": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]], "ret_area_avg": 72342.95538087691}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296, "kf": {"x": [null, null, 156998.64881483756]}, "pos": [807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836]}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214, "kf": {"x": [null, null, 54768.4165380956]}, "pos": [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663]}, {"time_since_observed": 1, "confidence": 1, "age": 212, "kf": {"x": [null, null, 128512.83289220717]}, "pos": [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165]}, {"time_since_observed": 0, "confidence": 1, "age": 141, "kf": {"x": [null, null, 84773.04435874938]}, "pos": [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384]}, {"time_since_observed": 0, "confidence": 0.5, "age": 103, "kf": {"x": [null, null, 15476.777358614829]}, "pos": [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777]}, {"time_since_observed": 0, "confidence": 0.5, "age": 88, "kf": {"x": [null, null, 5959.6330041480605]}, "pos": [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501]}, {"time_since_observed": 0, "confidence": 0.5, "age": 77, "kf": {"x": [null, null, 83974.79900841216]}, "pos": [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "ret_trks": [[807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 0.0], [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 0.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 0.0], [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384, 0.0], [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777, 0.0], [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501, 0.0], [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239, 0.0]], "ret_area_avg": 75780.59313929497}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297, "kf": {"x": [null, null, 156954.00395012516]}, "pos": [806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268]}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215, "kf": {"x": [null, null, 54768.41653809574]}, "pos": [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053]}, {"time_since_observed": 2, "confidence": 1, "age": 213, "kf": {"x": [null, null, 128447.08608320543]}, "pos": [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008]}, {"time_since_observed": 0, "confidence": 1, "age": 142, "kf": {"x": [null, null, 72736.7258536415]}, "pos": [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963]}, {"time_since_observed": 0, "confidence": 0.5, "age": 104, "kf": {"x": [null, null, 16130.267331392832]}, "pos": [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156]}, {"time_since_observed": 0, "confidence": 0.5, "age": 89, "kf": {"x": [null, null, 5144.0051467185895]}, "pos": [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497]}, {"time_since_observed": 0, "confidence": 0.5, "age": 78, "kf": {"x": [null, null, 85633.21462776419]}, "pos": [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215}, {"time_since_observed": 2, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "ret_trks": [[806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 0.0], [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 0.0], [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008, 0.0], [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963, 0.0], [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156, 0.0], [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497, 0.0], [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281, 0.0]], "ret_area_avg": 74259.10279013478}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 298, "kf": {"x": [null, null, 156931.68151776894]}, "pos": [805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955]}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216, "kf": {"x": [null, null, 54768.41653809589]}, "pos": [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443]}, {"time_since_observed": 0, "confidence": 1, "age": 214, "kf": {"x": [null, null, 118148.68199345501]}, "pos": [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918]}, {"time_since_observed": 0, "confidence": 1, "age": 143, "kf": {"x": [null, null, 68696.55141172257]}, "pos": [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999]}, {"time_since_observed": 0, "confidence": 0.5, "age": 105, "kf": {"x": [null, null, 16378.934060737061]}, "pos": [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051]}, {"time_since_observed": 0, "confidence": 0.5, "age": 90, "kf": {"x": [null, null, 4832.51032953654]}, "pos": [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174]}, {"time_since_observed": 0, "confidence": 0.5, "age": 79, "kf": {"x": [null, null, 86274.84840351097]}, "pos": [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_trks": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]], "ret_area_avg": 72290.23203640386}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299, "kf": {"x": [null, null, 172520.0501155693]}, "pos": [870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217, "kf": {"x": [null, null, 33114.43272689278]}, "pos": [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903]}, {"time_since_observed": 0, "confidence": 1, "age": 215, "kf": {"x": [null, null, 116332.34876318127]}, "pos": [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207]}, {"time_since_observed": 0, "confidence": 1, "age": 144, "kf": {"x": [null, null, 67181.33413094646]}, "pos": [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124]}, {"time_since_observed": 0, "confidence": 0.5, "age": 106, "kf": {"x": [null, null, 13944.025200875742]}, "pos": [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438]}, {"time_since_observed": 0, "confidence": 0.5, "age": 91, "kf": {"x": [null, null, 4713.552487892062]}, "pos": [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903]}, {"time_since_observed": 0, "confidence": 0.5, "age": 80, "kf": {"x": [null, null, 86527.98277213244]}, "pos": [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "ret_trks": [[870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319, 0.0], [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903, 0.0], [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207, 0.0], [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124, 0.0], [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438, 0.0], [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903, 0.0], [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694, 0.0]], "ret_area_avg": 70619.10374249858}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300, "kf": {"x": [null, null, 174584.5317866506]}, "pos": [877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218, "kf": {"x": [null, null, 29965.84885735164]}, "pos": [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905]}, {"time_since_observed": 0, "confidence": 1, "age": 216, "kf": {"x": [null, null, 115696.85258427648]}, "pos": [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585]}, {"time_since_observed": 0, "confidence": 1, "age": 145, "kf": {"x": [null, null, 88212.99548045376]}, "pos": [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223]}, {"time_since_observed": 0, "confidence": 0.5, "age": 107, "kf": {"x": [null, null, 14190.082398921555]}, "pos": [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942]}, {"time_since_observed": 0, "confidence": 0.5, "age": 92, "kf": {"x": [null, null, 4668.128041978356]}, "pos": [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388]}, {"time_since_observed": 0, "confidence": 0.5, "age": 81, "kf": {"x": [null, null, 86632.55978557529]}, "pos": [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "ret_trks": [[877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 0.0], [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905, 0.0], [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585, 0.0], [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223, 0.0], [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942, 0.0], [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388, 0.0], [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064, 0.0]], "ret_area_avg": 73421.57127645823}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 301, "kf": {"x": [null, null, 174658.4992424332]}, "pos": [882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219, "kf": {"x": [null, null, 28963.36643603495]}, "pos": [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393]}, {"time_since_observed": 0, "confidence": 1, "age": 217, "kf": {"x": [null, null, 115458.41898640106]}, "pos": [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382]}, {"time_since_observed": 0, "confidence": 1, "age": 146, "kf": {"x": [null, null, 80860.43740786101]}, "pos": [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506]}, {"time_since_observed": 0, "confidence": 0.5, "age": 108, "kf": {"x": [null, null, 14283.523008195534]}, "pos": [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297]}, {"time_since_observed": 0, "confidence": 0.5, "age": 93, "kf": {"x": [null, null, 4650.78737654926]}, "pos": [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205]}, {"time_since_observed": 0, "confidence": 0.5, "age": 82, "kf": {"x": [null, null, 86680.21856351336]}, "pos": [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "ret_trks": [[882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358, 0.0], [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393, 0.0], [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382, 0.0], [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506, 0.0], [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297, 0.0], [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205, 0.0], [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841, 0.0]], "ret_area_avg": 72222.17871728404}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302, "kf": {"x": [null, null, 194647.20362723575]}, "pos": [889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220, "kf": {"x": [null, null, 28590.6549003712]}, "pos": [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698]}, {"time_since_observed": 0, "confidence": 1, "age": 218, "kf": {"x": [null, null, 115369.33150996045]}, "pos": [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349]}, {"time_since_observed": 0, "confidence": 1, "age": 147, "kf": {"x": [null, null, 93429.06348537824]}, "pos": [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662]}, {"time_since_observed": 0, "confidence": 0.5, "age": 109, "kf": {"x": [null, null, 14318.682186794116]}, "pos": [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196]}, {"time_since_observed": 0, "confidence": 0.5, "age": 94, "kf": {"x": [null, null, 4644.172383194932]}, "pos": [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322]}, {"time_since_observed": 0, "confidence": 0.5, "age": 83, "kf": {"x": [null, null, 94978.84503463934]}, "pos": [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "ret_trks": [[889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859, 0.0], [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698, 0.0], [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349, 0.0], [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662, 0.0], [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196, 0.0], [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322, 0.0], [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007, 0.0]], "ret_area_avg": 77996.85044679628}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303, "kf": {"x": [null, null, 199413.18499172785]}, "pos": [891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221, "kf": {"x": [null, null, 26100.561780907945]}, "pos": [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867]}, {"time_since_observed": 0, "confidence": 1, "age": 219, "kf": {"x": [null, null, 115337.21272863295]}, "pos": [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688]}, {"time_since_observed": 0, "confidence": 1, "age": 148, "kf": {"x": [null, null, 107671.54711055457]}, "pos": [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575]}, {"time_since_observed": 0, "confidence": 0.5, "age": 110, "kf": {"x": [null, null, 14331.590257183048]}, "pos": [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792]}, {"time_since_observed": 0, "confidence": 0.5, "age": 95, "kf": {"x": [null, null, 4641.653628841439]}, "pos": [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927]}, {"time_since_observed": 0, "confidence": 0.5, "age": 84, "kf": {"x": [null, null, 89881.37075851152]}, "pos": [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "ret_trks": [[891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573, 0.0], [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867, 0.0], [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688, 0.0], [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575, 0.0], [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792, 0.0], [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 0.0], [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926, 0.0]], "ret_area_avg": 79625.30303662278}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304, "kf": {"x": [null, null, 201127.507761781]}, "pos": [892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222, "kf": {"x": [null, null, 25152.345938756866]}, "pos": [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828]}, {"time_since_observed": 0, "confidence": 1, "age": 220, "kf": {"x": [null, null, 115326.8409814989]}, "pos": [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902]}, {"time_since_observed": 0, "confidence": 1, "age": 149, "kf": {"x": [null, null, 95437.65458115724]}, "pos": [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816]}, {"time_since_observed": 0, "confidence": 0.5, "age": 111, "kf": {"x": [null, null, 14336.008517378057]}, "pos": [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252]}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 96, "kf": {"x": [null, null, 4641.1120018274205]}, "pos": [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202]}, {"time_since_observed": 0, "confidence": 0.5, "age": 85, "kf": {"x": [null, null, 96211.5743097044]}, "pos": [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "ret_trks": [[892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524, 0.0], [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828, 0.0], [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902, 0.0], [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816, 0.0], [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252, 0.0], [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202, 0.0], [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491, 0.0]], "ret_area_avg": 78890.43487030055}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305, "kf": {"x": [null, null, 201774.1998640928]}, "pos": [891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223, "kf": {"x": [null, null, 27142.536762076536]}, "pos": [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941]}, {"time_since_observed": 0, "confidence": 1, "age": 221, "kf": {"x": [null, null, 115324.7576119073]}, "pos": [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659]}, {"time_since_observed": 0, "confidence": 1, "age": 150, "kf": {"x": [null, null, 119283.21731346729]}, "pos": [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606]}, {"time_since_observed": 0, "confidence": 0.5, "age": 112, "kf": {"x": [null, null, 14337.192786843269]}, "pos": [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465]}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97, "kf": {"x": [null, null, 4640.487452470583]}, "pos": [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705]}, {"time_since_observed": 0, "confidence": 0.5, "age": 86, "kf": {"x": [null, null, 98633.44891385647]}, "pos": [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "ret_trks": [[891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234, 0.0], [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941, 0.0], [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659, 0.0], [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606, 0.0], [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465, 0.0], [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705, 0.0], [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845, 0.0]], "ret_area_avg": 83019.40581495919}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306, "kf": {"x": [null, null, 202017.73443828628]}, "pos": [891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224, "kf": {"x": [null, null, 27904.87911887343]}, "pos": [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773]}, {"time_since_observed": 0, "confidence": 1, "age": 222, "kf": {"x": [null, null, 115325.8204409257]}, "pos": [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615]}, {"time_since_observed": 0, "confidence": 1, "age": 151, "kf": {"x": [null, null, 117530.74540714943]}, "pos": [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922]}, {"time_since_observed": 0, "confidence": 0.5, "age": 113, "kf": {"x": [null, null, 14337.150280615822]}, "pos": [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103]}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98, "kf": {"x": [null, null, 4640.2761685913965]}, "pos": [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437]}, {"time_since_observed": 0, "confidence": 0.5, "age": 87, "kf": {"x": [null, null, 99562.60236312289]}, "pos": [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_trks": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]], "ret_area_avg": 83045.60117393786}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 307, "kf": {"x": [null, null, 202182.30616739354]}, "pos": [895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225, "kf": {"x": [null, null, 28198.182224117565]}, "pos": [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285]}, {"time_since_observed": 0, "confidence": 1, "age": 223, "kf": {"x": [null, null, 115328.06525005167]}, "pos": [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977]}, {"time_since_observed": 0, "confidence": 1, "age": 152, "kf": {"x": [null, null, 116855.72386624823]}, "pos": [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592]}, {"time_since_observed": 0, "confidence": 0.5, "age": 114, "kf": {"x": [null, null, 14336.647434801844]}, "pos": [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352]}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99, "kf": {"x": [null, null, 4640.196362142655]}, "pos": [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829]}, {"time_since_observed": 0, "confidence": 0.5, "age": 88, "kf": {"x": [null, null, 99921.57750474918]}, "pos": [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "ret_trks": [[895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978, 0.0], [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285, 0.0], [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977, 0.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 0.0], [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352, 0.0], [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829, 0.0], [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093, 0.0]], "ret_area_avg": 83066.09982992926}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308, "kf": {"x": [null, null, 201945.18289554445]}, "pos": [890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226, "kf": {"x": [null, null, 25962.497166826208]}, "pos": [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049]}, {"time_since_observed": 0, "confidence": 1, "age": 224, "kf": {"x": [null, null, 115330.74194971829]}, "pos": [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466]}, {"time_since_observed": 1, "confidence": 1, "age": 153, "kf": {"x": [null, null, 117113.16226556974]}, "pos": [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623]}, {"time_since_observed": 0, "confidence": 0.5, "age": 115, "kf": {"x": [null, null, 15687.404864287284]}, "pos": [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325]}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100, "kf": {"x": [null, null, 4640.171514756897]}, "pos": [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684]}, {"time_since_observed": 0, "confidence": 0.5, "age": 89, "kf": {"x": [null, null, 100062.70579027795]}, "pos": [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "ret_trks": [[890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 0.0], [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049, 0.0], [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466, 0.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 0.0], [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325, 0.0], [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 0.0], [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788, 0.0]], "ret_area_avg": 82963.12377814013}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309, "kf": {"x": [null, null, 202025.49965211685]}, "pos": [893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227, "kf": {"x": [null, null, 25110.95856241915]}, "pos": [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603]}, {"time_since_observed": 0, "confidence": 1, "age": 225, "kf": {"x": [null, null, 115333.56425126398]}, "pos": [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361]}, {"time_since_observed": 2, "confidence": 1, "age": 154, "kf": {"x": [null, null, 117241.8814652305]}, "pos": [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589]}, {"time_since_observed": 0, "confidence": 0.5, "age": 116, "kf": {"x": [null, null, 16202.536013800487]}, "pos": [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072]}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101, "kf": {"x": [null, null, 4639.645687596221]}, "pos": [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662]}, {"time_since_observed": 0, "confidence": 0.5, "age": 90, "kf": {"x": [null, null, 100120.54979817891]}, "pos": [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_trks": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]], "ret_area_avg": 82953.51934722943}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310, "kf": {"x": [null, null, 202065.65803040305]}, "pos": [897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228, "kf": {"x": [null, null, 24788.109952868755]}, "pos": [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249]}, {"time_since_observed": 0, "confidence": 1, "age": 226, "kf": {"x": [null, null, 115336.42302914769]}, "pos": [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858]}, {"time_since_observed": 3, "confidence": 1, "age": 155, "kf": {"x": [null, null, 117306.24106506088]}, "pos": [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178]}, {"time_since_observed": 0, "confidence": 0.5, "age": 117, "kf": {"x": [null, null, 15047.302825191153]}, "pos": [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635]}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 102, "kf": {"x": [null, null, 4639.119860435546]}, "pos": [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301]}, {"time_since_observed": 0, "confidence": 0.5, "age": 91, "kf": {"x": [null, null, 100146.50366253633]}, "pos": [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_trks": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]], "ret_area_avg": 82761.33691794905}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311, "kf": {"x": [null, null, 202085.73721954614]}, "pos": [900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229, "kf": {"x": [null, null, 24667.18423418126]}, "pos": [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533]}, {"time_since_observed": 0, "confidence": 1, "age": 227, "kf": {"x": [null, null, 115339.27682745062]}, "pos": [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789]}, {"time_since_observed": 4, "confidence": 1, "age": 156, "kf": {"x": [null, null, 117338.42086497607]}, "pos": [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122]}, {"time_since_observed": 0, "confidence": 0.5, "age": 118, "kf": {"x": [null, null, 14605.608437087189]}, "pos": [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213]}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103, "kf": {"x": [null, null, 4640.101049663042]}, "pos": [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682]}, {"time_since_observed": 0, "confidence": 0.5, "age": 92, "kf": {"x": [null, null, 91900.09473151884]}, "pos": [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_trks": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]], "ret_area_avg": 81510.91762348903}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312, "kf": {"x": [null, null, 202095.77681411768]}, "pos": [904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230, "kf": {"x": [null, null, 24623.363285497646]}, "pos": [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796]}, {"time_since_observed": 0, "confidence": 1, "age": 228, "kf": {"x": [null, null, 115342.11003524216]}, "pos": [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152]}, {"time_since_observed": 5, "confidence": 1, "age": 157, "kf": {"x": [null, null, 117354.51076493366]}, "pos": [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217]}, {"time_since_observed": 0, "confidence": 0.5, "age": 119, "kf": {"x": [null, null, 14436.458587826397]}, "pos": [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569]}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104, "kf": {"x": [null, null, 4640.182479812375]}, "pos": [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774]}, {"time_since_observed": 0, "confidence": 0.5, "age": 93, "kf": {"x": [null, null, 97015.6718729862]}, "pos": [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_trks": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]], "ret_area_avg": 82215.43912005945}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313, "kf": {"x": [null, null, 202100.79661140346]}, "pos": [907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231, "kf": {"x": [null, null, 24608.96942912762]}, "pos": [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965]}, {"time_since_observed": 0, "confidence": 1, "age": 229, "kf": {"x": [null, null, 115344.91691047832]}, "pos": [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428]}, {"time_since_observed": 6, "confidence": 1, "age": 158, "kf": {"x": [null, null, 117362.55571491245]}, "pos": [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074]}, {"time_since_observed": 0, "confidence": 0.5, "age": 120, "kf": {"x": [null, null, 15722.316143527249]}, "pos": [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577]}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 105, "kf": {"x": [null, null, 4639.683182570738]}, "pos": [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104]}, {"time_since_observed": 0, "confidence": 0.5, "age": 94, "kf": {"x": [null, null, 90715.37180918247]}, "pos": [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_trks": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]], "ret_area_avg": 81499.22997160033}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314, "kf": {"x": [null, null, 202103.30651004636]}, "pos": [910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232, "kf": {"x": [null, null, 24605.791066225433]}, "pos": [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701]}, {"time_since_observed": 0, "confidence": 1, "age": 230, "kf": {"x": [null, null, 115347.69547753978]}, "pos": [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683]}, {"time_since_observed": 7, "confidence": 1, "age": 159, "kf": {"x": [null, null, 117366.57818990185]}, "pos": [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512]}, {"time_since_observed": 0, "confidence": 0.5, "age": 121, "kf": {"x": [null, null, 14861.913763834624]}, "pos": [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727]}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106, "kf": {"x": [null, null, 5160.664406711811]}, "pos": [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883]}, {"time_since_observed": 0, "confidence": 0.5, "age": 95, "kf": {"x": [null, null, 88315.0891748873]}, "pos": [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_trks": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]], "ret_area_avg": 81108.71979844959}, +{"kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315, "kf": {"x": [null, null, 202104.5614593678]}, "pos": [914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233, "kf": {"x": [null, null, 24606.8720366224]}, "pos": [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722]}, {"time_since_observed": 0, "confidence": 1, "age": 231, "kf": {"x": [null, null, 115350.4451962904]}, "pos": [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912]}, {"time_since_observed": 8, "confidence": 1, "age": 160, "kf": {"x": [null, null, 117368.58942739655]}, "pos": [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649]}, {"time_since_observed": 0, "confidence": 0.5, "age": 122, "kf": {"x": [null, null, 14532.858458792169]}, "pos": [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776]}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107, "kf": {"x": [null, null, 5166.686962426857]}, "pos": [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442]}, {"time_since_observed": 0, "confidence": 0.5, "age": 96, "kf": {"x": [null, null, 105142.42076356316]}, "pos": [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874]}, {"time_since_observed": 0, "confidence": 0.5, "age": 1, "kf": {"x": [null, null, 66264.8694]}, "pos": [30.857, 389.13999999999993, 179.147, 836.0]}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 8, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 0.0], [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722, 0.0], [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912, 0.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 0.0], [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776, 0.0], [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 0.0], [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "ret_area_avg": 81317.16296305742}, +{"kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316, "kf": {"x": [null, null, 202105.18893402853]}, "pos": [917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234, "kf": {"x": [null, null, 24609.55552479029]}, "pos": [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578]}, {"time_since_observed": 0, "confidence": 1, "age": 232, "kf": {"x": [null, null, 115353.1660717734]}, "pos": [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544]}, {"time_since_observed": 9, "confidence": 1, "age": 161, "kf": {"x": [null, null, 117369.5950461439]}, "pos": [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098]}, {"time_since_observed": 0, "confidence": 0.5, "age": 123, "kf": {"x": [null, null, 15757.374732643924]}, "pos": [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887]}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108, "kf": {"x": [null, null, 5172.709518141902]}, "pos": [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215]}, {"time_since_observed": 0, "confidence": 0.5, "age": 97, "kf": {"x": [null, null, 93834.07661222477]}, "pos": [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659]}, {"time_since_observed": 0, "confidence": 0.5, "age": 2, "kf": {"x": [null, null, 66264.8694]}, "pos": [30.857, 389.13999999999993, 179.147, 836.0]}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 9, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 0.0], [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578, 0.0], [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544, 0.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 0.0], [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887, 0.0], [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 0.0], [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "ret_area_avg": 80058.31697996834}, +{"kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317, "kf": {"x": [null, null, 202105.50267135887]}, "pos": [921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235, "kf": {"x": [null, null, 22568.170119580598]}, "pos": [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871]}, {"time_since_observed": 0, "confidence": 1, "age": 233, "kf": {"x": [null, null, 126193.68374044713]}, "pos": [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921]}, {"time_since_observed": 10, "confidence": 1, "age": 162, "kf": {"x": [null, null, 117370.09785551758]}, "pos": [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565]}, {"time_since_observed": 0, "confidence": 0.5, "age": 124, "kf": {"x": [null, null, 14873.85389502825]}, "pos": [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099]}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109, "kf": {"x": [null, null, 5178.732073856947]}, "pos": [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316]}, {"time_since_observed": 0, "confidence": 0.5, "age": 98, "kf": {"x": [null, null, 89520.73049989884]}, "pos": [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462]}, {"time_since_observed": 0, "confidence": 0.5, "age": 3, "kf": {"x": [null, null, 55003.536840367364]}, "pos": [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393]}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 10, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 0.0], [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871, 0.0], [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921, 0.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 0.0], [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099, 0.0], [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 0.0], [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462, 0.0], [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393, 0.0]], "ret_area_avg": 79101.78846200695}, +{"kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318, "kf": {"x": [null, null, 202105.65954002406]}, "pos": [924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236, "kf": {"x": [null, null, 23835.60279400634]}, "pos": [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815]}, {"time_since_observed": 0, "confidence": 1, "age": 234, "kf": {"x": [null, null, 130334.41042936989]}, "pos": [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268]}, {"time_since_observed": 11, "confidence": 1, "age": 163, "kf": {"x": [null, null, 117370.34926020441]}, "pos": [1821.836652810548, 278.6259851983289, 2019.2960165678073, 873.0285348008383]}, {"time_since_observed": 0, "confidence": 0.5, "age": 125, "kf": {"x": [null, null, 15886.4228275836]}, "pos": [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109]}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110, "kf": {"x": [null, null, 5184.754629571992]}, "pos": [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828]}, {"time_since_observed": 0, "confidence": 0.5, "age": 99, "kf": {"x": [null, null, 87878.8791594284]}, "pos": [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807]}, {"time_since_observed": 0, "confidence": 0.5, "age": 4, "kf": {"x": [null, null, 63224.944648462755]}, "pos": [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297]}], "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 11, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 0.0], [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815, 0.0], [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268, 0.0], [1821.836652810548, 278.6259851983289, 2019.2960165678073, 873.0285348008383, 0.0], [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109, 0.0], [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 0.0], [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807, 0.0], [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297, 0.0]], "ret_area_avg": 80727.62791108142}, +{"kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319, "kf": {"x": [null, null, 202105.73797435666]}, "pos": [927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237, "kf": {"x": [null, null, 24321.932650715764]}, "pos": [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008]}, {"time_since_observed": 0, "confidence": 1, "age": 235, "kf": {"x": [null, null, 131915.94873847012]}, "pos": [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207]}, {"time_since_observed": 0, "confidence": 0.5, "age": 126, "kf": {"x": [null, null, 14922.143299536283]}, "pos": [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289]}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111, "kf": {"x": [null, null, 5190.777185287037]}, "pos": [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476]}, {"time_since_observed": 0, "confidence": 0.5, "age": 100, "kf": {"x": [null, null, 104986.38137094257]}, "pos": [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774]}, {"time_since_observed": 0, "confidence": 0.5, "age": 5, "kf": {"x": [null, null, 57301.71649191392]}, "pos": [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757]}], "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]], "ret_area_avg": 77249.23395874604}, +{"kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320, "kf": {"x": [null, null, 202105.77719152294]}, "pos": [931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093]}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238, "kf": {"x": [null, null, 22465.26138341943]}, "pos": [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883]}, {"time_since_observed": 0, "confidence": 1, "age": 236, "kf": {"x": [null, null, 132519.92818721358]}, "pos": [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773]}, {"time_since_observed": 0, "confidence": 0.5, "age": 127, "kf": {"x": [null, null, 13379.024396007146]}, "pos": [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368]}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112, "kf": {"x": [null, null, 5196.799741002083]}, "pos": [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045]}, {"time_since_observed": 0, "confidence": 0.5, "age": 101, "kf": {"x": [null, null, 111520.83074952758]}, "pos": [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429]}, {"time_since_observed": 0, "confidence": 0.5, "age": 6, "kf": {"x": [null, null, 63334.91696147877]}, "pos": [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816]}], "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]], "ret_area_avg": 78646.07694431022}, +{"kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321, "kf": {"x": [null, null, 202105.7968001061]}, "pos": [934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635]}, {"time_since_observed": 1, "confidence": 1, "age": 239, "kf": {"x": [null, null, 22348.03822099492]}, "pos": [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514]}, {"time_since_observed": 0, "confidence": 1, "age": 237, "kf": {"x": [null, null, 132750.50050818815]}, "pos": [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921]}, {"time_since_observed": 0, "confidence": 0.5, "age": 128, "kf": {"x": [null, null, 13963.841460220936]}, "pos": [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629]}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113, "kf": {"x": [null, null, 5202.822296717128]}, "pos": [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551]}, {"time_since_observed": 0, "confidence": 0.5, "age": 102, "kf": {"x": [null, null, 114017.05635815061]}, "pos": [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308]}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 7, "kf": {"x": [null, null, 62964.97200850899]}, "pos": [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088]}], "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 7}], "ret_trks": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]], "ret_area_avg": 79050.432521841}, +{"kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 322, "kf": {"x": [null, null, 202105.80660439766]}, "pos": [938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024]}, {"time_since_observed": 2, "confidence": 1, "age": 240, "kf": {"x": [null, null, 22289.426639782665]}, "pos": [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407]}, {"time_since_observed": 0, "confidence": 1, "age": 238, "kf": {"x": [null, null, 132838.43994027303]}, "pos": [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213]}, {"time_since_observed": 0, "confidence": 0.5, "age": 129, "kf": {"x": [null, null, 14186.842695984777]}, "pos": [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874]}, {"time_since_observed": 0, "confidence": 0.5, "age": 103, "kf": {"x": [null, null, 114970.93062131401]}, "pos": [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023]}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8, "kf": {"x": [null, null, 50556.985921262625]}, "pos": [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369]}], "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 322}, {"time_since_observed": 2, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8}], "ret_trks": [[938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024, 0.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 0.0], [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213, 0.0], [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874, 0.0], [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023, 0.0], [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 0.0]], "ret_area_avg": 89491.4054038358}, +{"kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323, "kf": {"x": [null, null, 176609.81790198325]}, "pos": [874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231]}, {"time_since_observed": 3, "confidence": 1, "age": 241, "kf": {"x": [null, null, 22260.12084917654]}, "pos": [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509]}, {"time_since_observed": 0, "confidence": 1, "age": 239, "kf": {"x": [null, null, 132871.89776623267]}, "pos": [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608]}, {"time_since_observed": 0, "confidence": 0.5, "age": 130, "kf": {"x": [null, null, 15621.670784947311]}, "pos": [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841]}, {"time_since_observed": 0, "confidence": 0.5, "age": 104, "kf": {"x": [null, null, 97614.7532735854]}, "pos": [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403]}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 9, "kf": {"x": [null, null, 48580.93175816424]}, "pos": [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404]}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 3, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 9}], "ret_trks": [[874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 0.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 0.0], [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608, 0.0], [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841, 0.0], [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403, 0.0], [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404, 0.0]], "ret_area_avg": 82259.8653890149}, +{"kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324, "kf": {"x": [null, null, 176492.51744622245]}, "pos": [874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027]}, {"time_since_observed": 4, "confidence": 1, "age": 242, "kf": {"x": [null, null, 22245.467953873474]}, "pos": [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676]}, {"time_since_observed": 0, "confidence": 1, "age": 240, "kf": {"x": [null, null, 132884.5460605437]}, "pos": [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067]}, {"time_since_observed": 0, "confidence": 0.5, "age": 131, "kf": {"x": [null, null, 16169.066116211541]}, "pos": [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055]}, {"time_since_observed": 0, "confidence": 0.5, "age": 105, "kf": {"x": [null, null, 90990.84054038928]}, "pos": [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10, "kf": {"x": [null, null, 62429.35110810769]}, "pos": [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179]}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324}, {"time_since_observed": 4, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "ret_trks": [[874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 0.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 0.0], [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067, 0.0], [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055, 0.0], [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081, 0.0], [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179, 0.0]], "ret_area_avg": 83535.29820422469}, +{"kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325, "kf": {"x": [null, null, 176433.86721834206]}, "pos": [873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805]}, {"time_since_observed": 5, "confidence": 1, "age": 243, "kf": {"x": [null, null, 22238.141506221942]}, "pos": [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455]}, {"time_since_observed": 0, "confidence": 1, "age": 241, "kf": {"x": [null, null, 122051.93594776567]}, "pos": [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795]}, {"time_since_observed": 0, "confidence": 0.5, "age": 132, "kf": {"x": [null, null, 16377.507025590974]}, "pos": [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639]}, {"time_since_observed": 0, "confidence": 0.5, "age": 106, "kf": {"x": [null, null, 106183.09867097813]}, "pos": [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11, "kf": {"x": [null, null, 65003.85916296088]}, "pos": [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539]}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325}, {"time_since_observed": 5, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "ret_trks": [[873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 0.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 0.0], [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795, 0.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 0.0], [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511, 0.0], [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539, 0.0]], "ret_area_avg": 84714.73492197662}, +{"kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326, "kf": {"x": [null, null, 176404.54210440186]}, "pos": [873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426]}, {"time_since_observed": 6, "confidence": 1, "age": 244, "kf": {"x": [null, null, 22234.478282396176]}, "pos": [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415]}, {"time_since_observed": 0, "confidence": 1, "age": 242, "kf": {"x": [null, null, 117915.72180961428]}, "pos": [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849]}, {"time_since_observed": 1, "confidence": 1, "age": 133, "kf": {"x": [null, null, 16404.49359403039]}, "pos": [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271]}, {"time_since_observed": 0, "confidence": 0.5, "age": 107, "kf": {"x": [null, null, 111986.03313068487]}, "pos": [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12, "kf": {"x": [null, null, 65883.79258943498]}, "pos": [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886]}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_trks": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]], "ret_area_avg": 85138.1769184271}, +{"kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327, "kf": {"x": [null, null, 176389.87954743174]}, "pos": [873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621]}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245, "kf": {"x": [null, null, 22232.646670483293]}, "pos": [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585]}, {"time_since_observed": 0, "confidence": 1, "age": 243, "kf": {"x": [null, null, 116337.38618468198]}, "pos": [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882]}, {"time_since_observed": 2, "confidence": 1, "age": 134, "kf": {"x": [null, null, 16417.9868782501]}, "pos": [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047]}, {"time_since_observed": 0, "confidence": 0.5, "age": 108, "kf": {"x": [null, null, 104733.12013107768]}, "pos": [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13, "kf": {"x": [null, null, 60078.06255225961]}, "pos": [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853]}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "ret_trks": [[873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 0.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 0.0], [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882, 0.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 0.0], [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366, 0.0], [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853, 0.0]], "ret_area_avg": 82698.18032736405}, +{"kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328, "kf": {"x": [null, null, 176382.5482689467]}, "pos": [872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421]}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246, "kf": {"x": [null, null, 22231.730864526853]}, "pos": [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721]}, {"time_since_observed": 0, "confidence": 1, "age": 244, "kf": {"x": [null, null, 126573.23321906512]}, "pos": [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203]}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135, "kf": {"x": [null, null, 16424.733520359954]}, "pos": [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243]}, {"time_since_observed": 0, "confidence": 0.5, "age": 109, "kf": {"x": [null, null, 101965.65702232125]}, "pos": [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14, "kf": {"x": [null, null, 57948.14994216468]}, "pos": [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056]}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "ret_trks": [[872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 0.0], [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 0.0], [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203, 0.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 0.0], [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998, 0.0], [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056, 0.0]], "ret_area_avg": 83587.67547289742}, +{"kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329, "kf": {"x": [null, null, 176378.88262970417]}, "pos": [872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524]}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247, "kf": {"x": [null, null, 22230.815058570413]}, "pos": [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961]}, {"time_since_observed": 0, "confidence": 1, "age": 245, "kf": {"x": [null, null, 119645.87327100878]}, "pos": [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234]}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136, "kf": {"x": [null, null, 16428.106841414883]}, "pos": [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345]}, {"time_since_observed": 0, "confidence": 0.5, "age": 110, "kf": {"x": [null, null, 92668.98818894387]}, "pos": [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058]}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15, "kf": {"x": [null, null, 57189.78086165254]}, "pos": [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753]}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "ret_trks": [[872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 0.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 0.0], [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234, 0.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 0.0], [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058, 0.0], [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753, 0.0]], "ret_area_avg": 80757.07447521579} +]} diff --git a/spec/res/tracker__remove_outside_trackers.json b/spec/res/tracker__remove_outside_trackers.json new file mode 100644 index 0000000..f247995 --- /dev/null +++ b/spec/res/tracker__remove_outside_trackers.json @@ -0,0 +1,335 @@ +{"trks": [], "scene": [1920, 1080], "kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": []}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]]}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]]}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]]}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [584.04, 446.86, 668.7819999999999, 703.09, 0.0]]}, +{"trks": [], "scene": [1920, 1080], "kalman_trackers": [], "ret_kalman_trackers": [], "ret_trks": []}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [571.03, 402.13000000000005, 675.5899999999999, 717.81, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [571.03, 402.13000000000005, 675.5899999999999, 717.81, 0.0]]}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [598.0072256897387, 494.0790654562703, 660.2968993102612, 682.3976309723013, 0.0]]}, +{"trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1359.1, 413.27, 1479.3600000000001, 776.04, 0.0], [566.3715894161938, 385.74362737416095, 677.7831073674384, 722.2673578687945, 0.0]]}, +{"trks": [[1389.9558641354024, 413.27, 1510.2158641354022, 776.04, 0.0], [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1389.9558641354024, 413.27, 1510.2158641354022, 776.04, 0.0], [592.6131317109197, 425.5554861104219, 695.8013907168744, 737.2344218411465, 0.0]]}, +{"trks": [[1393.2997037695532, 413.27, 1513.559703769553, 776.04, 0.0], [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1393.2997037695532, 413.27, 1513.559703769553, 776.04, 0.0], [587.9193763023334, 446.23846190834115, 675.5432257162868, 711.0765599279337, 0.0]]}, +{"trks": [[1415.3075557328684, 413.27, 1535.5675557328686, 776.04, 0.0], [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474, 0.0], [1480.2999999999997, 413.27, 1600.56, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1415.3075557328684, 413.27, 1535.5675557328686, 776.04, 0.0], [591.2225150637946, 446.8850851354566, 680.4199142529949, 716.4561036351474, 0.0], [1480.2999999999997, 413.27, 1600.56, 776.04, 0.0]]}, +{"trks": [[1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862, 0.0], [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922, 0.0], [1521.4230769230771, 413.27, 1641.683076923077, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1408.0820794593274, 393.84233846462104, 1544.0491864652877, 803.812224042862, 0.0], [594.254768156856, 439.62019417516757, 689.8587518365002, 728.4507445536922, 0.0], [1521.4230769230771, 413.27, 1641.683076923077, 776.04, 0.0]]}, +{"trks": [[1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255, 0.0], [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201, 0.0], [1518.1134800862365, 413.27, 1638.3734800862362, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1413.2745388677051, 387.92923924869103, 1546.2426565690719, 788.8807707724255, 0.0], [594.8999317453346, 437.06528068185105, 692.4726722273032, 731.8037931739201, 0.0], [1518.1134800862365, 413.27, 1638.3734800862362, 776.04, 0.0]]}, +{"trks": [[1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728, 0.0], [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217, 0.0], [1514.5433655605939, 413.27, 1634.8033655605936, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1427.7188611950778, 386.82923237087493, 1566.6195218514936, 805.5833622466728, 0.0], [594.7979784170551, 436.0197037515772, 692.9585412411114, 732.5185340277217, 0.0], [1514.5433655605939, 413.27, 1634.8033655605936, 776.04, 0.0]]}, +{"trks": [[1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944, 0.0], [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817, 0.0], [1512.1150152881446, 413.27, 1632.3750152881448, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1438.460770933775, 406.4910049494622, 1572.2406392904397, 809.867823134944, 0.0], [594.5004896215985, 435.5243174183977, 692.7947350748127, 732.421083270817, 0.0], [1512.1150152881446, 413.27, 1632.3750152881448, 776.04, 0.0]]}, +{"trks": [[1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273, 0.0], [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605, 0.0], [1531.7559813230391, 413.27, 1652.015981323039, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1441.2565598302463, 393.8835614925979, 1572.9779887259642, 791.0765563651273, 0.0], [591.9254159992461, 440.83423351951143, 685.392743347516, 723.2400174692605, 0.0], [1531.7559813230391, 413.27, 1652.015981323039, 776.04, 0.0]]}, +{"trks": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1455.7167590735019, 389.9308521095137, 1593.3395129548937, 804.8326703780252, 0.0], [586.950585237224, 446.0025872289186, 674.1783178789447, 709.6749115280907, 0.0], [1536.9790160857324, 413.27, 1657.2390160857326, 776.04, 0.0]]}, +{"trks": [[1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619, 0.0], [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794, 0.0], [1537.713824417538, 413.27, 1657.9738244175383, 776.04, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1448.6721923487, 387.7089782365333, 1595.46458613679, 830.1321086380619, 0.0], [588.9782357941125, 444.5812613032697, 678.2946989901217, 714.5244216824794, 0.0], [1537.713824417538, 413.27, 1657.9738244175383, 776.04, 0.0]]}, +{"trks": [[1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647, 0.0], [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308, 0.0], [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1456.5108700281894, 387.9266935999922, 1599.465185371449, 818.8220573528647, 0.0], [589.6797759922295, 443.96150794941923, 679.7867199291918, 716.2771949856308, 0.0], [1541.6083692371453, 416.20079486463476, 1668.5630636158053, 799.0841412853321, 0.0]]}, +{"trks": [[1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234, 0.0], [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975, 0.0], [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1458.6597752084356, 388.16057062791634, 1600.03115828049, 814.2997299197234, 0.0], [589.8834544237473, 443.63859850324775, 680.3018013226877, 716.8890413897975, 0.0], [1541.3587239712315, 397.72440854841176, 1677.5642195210085, 808.3797112109551, 0.0]]}, +{"trks": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1458.7559112452686, 388.3601382837762, 1599.4302399531102, 812.403888348409, 0.0], [589.9055848434683, 443.436665922782, 680.4543691868217, 717.0788719092542, 0.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]]}, +{"trks": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 1, "confidence": 1, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1462.990348754005, 406.53550641922834, 1597.049341477321, 810.732977727316, 0.0], [589.8655068611373, 443.29005885550606, 680.474934261725, 717.1146027458767, 0.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]]}, +{"trks": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1459.1863471558393, 395.3814501515478, 1596.9629035244964, 810.7295967731704, 0.0], [589.8075985920563, 443.17283226560784, 680.4499014726297, 717.0963723211653, 0.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 0.0], [1254.6, 446.72, 1288.422, 550.19, 0.0]]}, +{"trks": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1477.3653663279727, 391.2602347701645, 1616.4619457272636, 810.565409793157, 0.0], [589.7478787615612, 443.0739431902778, 680.4113804998087, 717.0614113131069, 0.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 0.0], [1255.1356712639083, 449.58979005827865, 1286.4470319592776, 545.4616585482381, 0.0]]}, +{"trks": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1502.5106939597226, 404.05481953800495, 1630.233074981585, 789.2350029534293, 0.0], [589.6917269838667, 442.9881544487299, 680.3710278876109, 717.0233163097797, 0.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 0.0], [1255.2583672582252, 450.20606253872666, 1286.0351200402263, 544.4719240628782, 0.0]]}, +{"trks": [[1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171, 0.0], [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813, 0.0], [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541, 0.0], [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681, 0.0], [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1512.2974514160746, 394.5433970267425, 1647.586007018686, 802.4267008981171, 0.0], [589.6406008099547, 442.9126100886696, 680.3328322431861, 716.9868285694813, 0.0], [1567.6522128015044, 416.80728195013063, 1701.3158696660594, 819.8436269161541, 0.0], [1254.8152456200098, 447.86601439502044, 1287.6294564812595, 548.2985258558681, 0.0], [484.20409232647194, 430.95429217081676, 568.0159076735281, 684.2357078291831, 0.0]]}, +{"trks": [[1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271, 0.0], [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043, 0.0], [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041, 0.0], [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972, 0.0], [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1531.579035066783, 405.49627770519373, 1657.7452891017288, 786.0040075387271, 0.0], [589.5945677023079, 442.84551098107966, 680.2979441923413, 716.953402553043, 0.0], [1618.1852176182067, 418.2309621749499, 1747.2765158048426, 807.5033971448041, 0.0], [1254.6776273479695, 447.111382863184, 1288.1602244499768, 549.5608281671972, 0.0], [471.86487259956397, 458.80694201372904, 571.7609735542819, 760.5907502939633, 0.0]]}, +{"trks": [[1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268, 0.0], [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224, 0.0], [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175, 0.0], [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923, 0.0], [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1521.711183003832, 395.1962994389229, 1656.3503756823889, 801.1301624943268, 0.0], [591.9187662466591, 429.91044457278207, 691.9864970802905, 732.1383920027224, 0.0], [1600.9965188737697, 398.30549149496585, 1743.9347385572396, 829.1410251954175, 0.0], [1254.6301248323384, 446.8502869502532, 1288.3448794150659, 549.9990278436923, 0.0], [478.2696514551394, 443.39711306948794, 569.9419055629021, 720.396926417633, 0.0]]}, +{"trks": [[1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673, 0.0], [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589, 0.0], [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393, 0.0], [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509, 0.0], [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1552.079052557545, 390.7676382635086, 1696.533234188648, 826.1545251614673, 0.0], [592.8306792892774, 425.3279212970307, 696.2160479608369, 737.5052277591589, 0.0], [1634.484992314905, 410.84689700011756, 1768.6123816266027, 815.239850709393, 0.0], [1254.9756314692856, 448.74371529712766, 1287.0079292284706, 546.8253570753509, 0.0], [476.5464522987983, 428.9196668124568, 589.5972842838529, 770.2455635723741, 0.0]]}, +{"trks": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1562.7300110727142, 389.3091257348566, 1710.6976336883495, 835.2312398735145, 0.0], [593.1072143552948, 423.6259628056979, 697.7053335457259, 739.4379236088693, 0.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 0.0], [1255.1076429695574, 449.4367776292418, 1286.532645846842, 545.689030752296, 0.0], [495.8307833882493, 435.76077228573877, 593.783678806556, 731.6721004056276, 0.0]]}, +{"trks": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1587.1259927606334, 388.7446973194555, 1736.3619333846636, 838.4681462483479, 0.0], [593.134901133172, 407.9133913993678, 698.1704656362926, 725.0356534718564, 0.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 0.0], [1254.789551799521, 447.7075082682986, 1287.7452296670228, 548.5733506824942, 0.0], [497.8996615377882, 432.33404376218857, 596.3069479356203, 729.5875059978404, 0.0]]}, +{"trks": [[1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167, 0.0], [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727, 0.0], [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921, 0.0], [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408, 0.0], [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1595.3235849231887, 388.4918598865526, 1744.995940696947, 839.5224322118167, 0.0], [590.4253362547314, 429.1086671912408, 686.8583140115671, 720.427039267727, 0.0], [1670.1615063155014, 397.5883687101818, 1807.31221030402, 811.0455384636921, 0.0], [1254.6792185113745, 447.0895870827598, 1288.1887110769571, 549.621463136408, 0.0], [501.03338734608485, 437.80028340262766, 594.1416064251251, 719.1265614618792, 0.0]]}, +{"trks": [[1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909, 0.0], [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829, 0.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 0.0], [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693, 0.0], [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1597.4239449994545, 388.35737981353327, 1747.2218318862958, 839.7631697272909, 0.0], [591.7060895592477, 432.56398240630017, 688.9629260003568, 726.3418240182829, 0.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 0.0], [1254.9684895631003, 448.6980716124981, 1287.0396254551279, 546.9027075401693, 0.0], [493.1097341879479, 441.8544224195832, 595.2184341619254, 750.2260249526698, 0.0]]}, +{"trks": [[1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391, 0.0], [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964, 0.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 0.0], [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157, 0.0], [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 1, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 1, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1618.6071910118335, 388.2720170969684, 1768.415499944363, 839.7080425384391, 0.0], [589.9389786730908, 438.7435471422696, 683.2221203589479, 720.5981624899964, 0.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 0.0], [1254.745703890873, 447.45749777765974, 1287.925929518509, 549.0000768951157, 0.0], [495.37591760471526, 435.5274361004782, 595.0477191823642, 736.5654191695033, 0.0]]}, +{"trks": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 2, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1625.6063567312203, 388.2098900590162, 1775.38392182062, 839.5528242144302, 0.0], [585.4325554433611, 387.41859006589266, 697.1367960857409, 724.5906504596467, 0.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 0.0], [1254.9884187601967, 448.8070736939602, 1286.9617231310515, 546.7188452647085, 0.0], [495.93801658319, 448.4473193105903, 594.645669876308, 746.5830884473392, 0.0]]}, +{"trks": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 3, "confidence": 1, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[1627.2757135381592, 388.16091665486886, 1777.009225886596, 839.3709306314221, 0.0], [576.9442879163847, 369.8540533109398, 700.7584808989405, 743.3551682176065, 0.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 0.0], [1254.7558562571455, 447.5036227060521, 1287.8972576294534, 548.9300378682354, 0.0], [495.9188983654929, 453.1028818390877, 594.224936275942, 750.0293418413634, 0.0]]}, +{"trks": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[1626.9999442228197, 388.1208918913693, 1776.6864681805498, 839.1892449129183, 0.0], [586.6684833277264, 387.4658788667176, 699.2957247119476, 727.3942309096743, 0.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 0.0], [1249.5734942682582, 443.2621949826761, 1284.8884336580843, 551.2218934174055, 0.0], [498.4135397852741, 445.4433065035752, 591.869205281981, 727.8117020759506, 0.0]]}, +{"trks": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[1626.0673392159363, 388.08783547805547, 1775.7076854677223, 839.0170107910442, 0.0], [600.7532750964654, 421.22999554224543, 700.4105844767778, 722.2500920354212, 0.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 0.0], [1252.7411459721804, 445.4171117108403, 1287.1440806899157, 550.6354571503141, 0.0], [499.1899855551361, 442.71943454917596, 590.7850438763968, 719.5006733693497, 0.0], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.0]]}, +{"trks": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[1646.1892328996703, 388.0606336645926, 1795.7854590991835, 838.8568472363531, 0.0], [606.232480322951, 434.76988845196394, 700.4841392118501, 719.5477266448488, 0.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 0.0], [1253.9476708111408, 446.2439706744715, 1287.9979345728732, 550.4013669936656, 0.0], [499.32236034296113, 441.77694387730196, 590.2289132684333, 716.4907474596356, 0.0], [1455.147100147133, 419.7133823866938, 1502.0849767759448, 562.6627714594601, 0.0]]}, +{"trks": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[1652.9610652382705, 388.0385304477554, 1802.5155452393967, 838.708941574054, 0.0], [597.66896210805, 412.64760009248926, 698.7647486241453, 717.9588036870391, 0.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 0.0], [1254.7002156532096, 448.26821507346966, 1287.0656111636729, 547.3633081870144, 0.0], [499.23078066007514, 441.4915581291191, 589.8948842353738, 715.477680281838, 0.0], [1459.8613620873582, 432.45438328338656, 1498.818140125282, 551.2379587113938, 0.0]]}, +{"trks": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[1654.703032607724, 388.0209348792837, 1804.2181203415155, 838.5726391866299, 0.0], [612.2807678569465, 433.95796550274554, 703.3406896261866, 709.1648156466945, 0.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 0.0], [1255.0076498716967, 443.5970705302845, 1290.009883211621, 550.618766243041, 0.0], [496.415118505386, 450.3634094097469, 591.6195009637037, 737.979688069207, 0.0], [1461.6678069184395, 430.9713814908267, 1502.4899607052603, 555.406861192287, 0.0]]}, +{"trks": [[1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887, 0.0], [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342, 0.0], [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 0.0], [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393, 0.0], [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247, 0.0], [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[1654.5980924298633, 388.0073464055867, 1804.0760098117007, 838.4470403144887, 0.0], [617.8403594393495, 442.51937609358095, 704.7801338866158, 705.3485920071342, 0.0], [1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 0.0], [1255.1350361383566, 441.9188236279505, 1291.0845028085473, 551.779282446393, 0.0], [490.4054738544838, 446.9597993274017, 592.1864891147616, 754.3240143242247, 0.0], [1461.5459543812465, 430.4652736136651, 1502.9286037365111, 556.595460935426, 0.0]]}, +{"trks": [[1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226, 0.0], [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529, 0.0], [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 0.0], [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073, 0.0], [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764, 0.0], [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[1653.8593172560686, 387.997324469649, 1803.302125285305, 838.3312189633226, 0.0], [615.4019601469269, 437.9379790159118, 709.1274720615176, 721.126843006529, 0.0], [1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 0.0], [1255.0883901275533, 446.5444670602933, 1288.241576475024, 548.0139914659073, 0.0], [488.14435110485607, 445.757069340757, 592.2719904820615, 760.1607572019764, 0.0], [1468.679968599385, 430.2382092244512, 1510.2693758276757, 556.9932749905445, 0.0]]}, +{"trks": [[1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393, 0.0], [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722, 0.0], [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 0.0], [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907, 0.0], [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736, 0.0], [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[1674.2345493506625, 387.99047485371466, 1823.6441490647146, 838.2242986806393, 0.0], [618.6963978083297, 443.8380183557515, 706.7234745458454, 709.9276770993722, 0.0], [1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 0.0], [1255.1385038890146, 443.0267614604049, 1290.4017838621965, 550.8313889757907, 0.0], [492.02864044011756, 451.6780081331317, 592.282252937105, 754.4492537385736, 0.0], [1470.5309360797878, 430.1156088653276, 1512.2096729740047, 557.1409030951635, 0.0]]}, +{"trks": [[1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 0.0], [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586, 0.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 0.0], [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521, 0.0], [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409, 0.0], [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 0.0], [616.7354027180836, 415.8252706747301, 715.619949238235, 714.509553816586, 0.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 0.0], [1254.8072371990136, 445.3579088109899, 1289.1894754105608, 550.5140199057521, 0.0], [493.4627792744105, 453.88915967697676, 592.195335883866, 752.0911262691409, 0.0], [1470.7479048340927, 430.0397009004607, 1512.4715750808862, 557.2011641349466, 0.0]]}, +{"trks": [[1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442, 0.0], [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694, 0.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 0.0], [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984, 0.0], [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352, 0.0], [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[1696.9072273368151, 382.9344969270405, 1861.3618693336703, 878.3397015533442, 0.0], [624.4998580170651, 432.7196807184114, 718.4559633129182, 716.6039182565694, 0.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 0.0], [1255.0291353209213, 442.62994714592946, 1290.7289131972288, 551.7392848894984, 0.0], [489.1715200886782, 448.1328642289426, 592.0795022313115, 758.8712875895352, 0.0], [1470.488221264241, 429.9877954692797, 1512.2380427845187, 557.2286637041074, 0.0]]}, +{"trks": [[1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724, 0.0], [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585, 0.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 0.0], [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614, 0.0], [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231, 0.0], [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[1721.9921777720026, 380.6129606839578, 1891.5053969754965, 891.180365543724, 0.0], [627.3044528888424, 439.2219836261241, 719.3131021175457, 717.2544320018585, 0.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 0.0], [1254.7478745635947, 445.2025557901518, 1289.300792515093, 550.8696813993614, 0.0], [487.5437732425552, 445.95089153266923, 591.9706622627112, 761.246870209231, 0.0], [1470.1252506076476, 429.94973304905443, 1511.8923002047868, 557.2429940135826, 0.0]]}, +{"trks": [[1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234, 0.0], [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097, 0.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 0.0], [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179, 0.0], [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516, 0.0], [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[1739.3350213975089, 385.12065258614507, 1895.8082859243848, 856.5565041588234, 0.0], [628.1996981848798, 441.66450863136015, 719.4561283150516, 717.4361582338097, 0.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 0.0], [1254.6446154028606, 446.19394005686127, 1288.750664464416, 550.518234256179, 0.0], [486.91482555266384, 445.0755785353128, 591.890852789249, 762.0184745958516, 0.0], [1476.2482791280486, 429.9204227977208, 1518.0277735277468, 557.2515684624376, 0.0]]}, +{"trks": [[1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884, 0.0], [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183, 0.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 0.0], [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 0.0], [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451, 0.0], [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[1758.0480896165595, 381.5683977438564, 1923.9711313344164, 881.3627318850884, 0.0], [628.3765932654784, 442.5449325112313, 719.3460163527335, 717.453932941183, 0.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 0.0], [1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 0.0], [486.66590014763824, 444.6952210974747, 591.8292550881768, 762.1994504114451, 0.0], [1478.2438503506507, 429.89705065906446, 1520.03291607577, 557.2573502697494, 0.0]]}, +{"trks": [[1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 0.0], [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777, 0.0], [1850.9982930777467, 386.62133315590495, 1989.260787287593, 803.405284494411, 0.0], [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 0.0], [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308, 0.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 40}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 0.0], [622.6827983076155, 445.51244068874837, 709.6342685960899, 708.3681229030777, 0.0], [1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 0.0], [486.5628711535226, 444.507458627474, 591.7783152078777, 762.1673306145308, 0.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 0.0]]}, +{"trks": [[1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 0.0], [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234, 0.0], [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703, 0.0], [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821, 0.0], [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 14}], "ret_trks": [[1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 0.0], [616.0859345924428, 438.90844663053855, 709.794752453746, 722.0432137128234, 0.0], [1254.594050677122, 446.65064300304584, 1288.5430837389738, 550.5036858918703, 0.0], [486.51652461679726, 444.39771175621246, 591.7342046289972, 762.0637147283821, 0.0], [1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 0.0]]}, +{"trks": [[1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 0.0], [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592, 0.0], [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 0.0], [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946, 0.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 15}], "ret_trks": [[1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 0.0], [617.8662874567835, 443.9569042506989, 705.9295617350076, 710.1546678694592, 0.0], [1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 0.0], [486.4927226793391, 444.3220291921217, 591.6950224027397, 761.9413603902946, 0.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 0.0]]}, +{"trks": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 16}], "ret_trks": [[1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 0.0], [618.5577587546139, 446.0200661934284, 704.3747524479662, 705.4726957760329, 0.0], [1255.1125925438698, 441.9998627035612, 1291.1198864463656, 552.03346930456, 0.0], [486.47833692470124, 444.26325725618943, 591.6597512233897, 761.8194422811202, 0.0], [1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 0.0]]}, +{"trks": [[1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 0.0], [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576, 0.0], [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815, 0.0], [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221, 0.0], [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 17}], "ret_trks": [[1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 0.0], [618.7974808177496, 446.82391207724766, 703.7464404378463, 703.6691833543576, 0.0], [1260.6021842243358, 445.5743499243926, 1294.9960666995835, 550.7631177850815, 0.0], [486.4682698063798, 444.2144682392442, 591.627774813044, 761.704471786221, 0.0], [1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 0.0]]}, +{"trks": [[1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 0.0], [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755, 0.0], [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 0.0], [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_trks": [[1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 0.0], [618.8615163670852, 447.1286285082955, 703.4814568456966, 702.9855675487755, 0.0], [1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 0.0], [486.46050013556373, 444.1726655911038, 591.5986670603775, 761.5982335576025, 0.0]]}, +{"trks": [[1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 0.0], [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338, 0.0], [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 0.0], [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_trks": [[1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 0.0], [618.8602555725902, 447.24045592759586, 703.3587250646806, 702.732581211338, 0.0], [1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 0.0], [486.45418958833204, 444.1363857382927, 591.5721004922256, 761.5007931543095, 0.0]]}, +{"trks": [[1844.1059153224894, 390.4718376147663, 2013.9959128331654, 902.1718104635789, 0.0], [618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644, 0.0], [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 0.0], [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_trks": [[618.8363301194522, 447.278507918876, 703.292668917737, 702.6441870514644, 0.0], [1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 0.0], [486.44895831687916, 444.10478127088544, 591.5478056158507, 761.4116313049499, 0.0]]}, +{"trks": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_trks": [[624.3724570126953, 444.471652087824, 712.814232158961, 711.7995024491672, 0.0], [1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 0.0], [486.44460739036026, 444.07726826223274, 591.5255518471572, 761.3300665939307, 0.0]]}, +{"trks": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_trks": [[620.8070101969331, 446.1455477104398, 706.7978775777437, 706.1186354613435, 0.0], [1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 0.0], [486.44101211605096, 444.053388831965, 591.5051377119163, 761.2554085930645, 0.0]]}, +{"trks": [[619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433, 0.0], [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 0.0], [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_trks": [[619.4374468286082, 446.8084054890202, 704.4780980211192, 703.9289369705433, 0.0], [1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 0.0], [486.4380807616193, 444.03275609555965, 591.486385161384, 761.1870095370006, 0.0]]}, +{"trks": [[618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862, 0.0], [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 0.0], [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_trks": [[618.9047813728038, 447.0634792041151, 703.5835798857332, 703.097631565862, 0.0], [1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 0.0], [486.4357383426361, 444.0150308442278, 591.469135826188, 761.1242783600105, 0.0]]}, +{"trks": [[618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765, 0.0], [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 0.0], [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_trks": [[618.6932330265961, 447.159889093378, 703.2370423510815, 702.7888192815765, 0.0], [1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 0.0], [495.3600916548802, 435.1070648590571, 605.3274722236196, 767.0186889398087, 0.0]]}, +{"trks": [[618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422, 0.0], [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_trks": [[618.6055035521925, 447.19531139366484, 703.1011602160983, 702.6797644766422, 0.0], [498.67335618033104, 431.8126075545809, 610.4527536528099, 769.156931834153, 0.0]]}, +{"trks": [[624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788, 0.0], [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_trks": [[624.1391265326066, 444.4108845202127, 712.6036061742278, 711.807318818788, 0.0], [495.40436254095493, 445.2179118127032, 598.6521474568588, 756.9741203242831, 0.0]]}, +{"trks": [[626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409, 0.0], [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_trks": [[626.1875426503607, 443.3848241787348, 716.1225933677983, 715.1919912106409, 0.0], [494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 0.0]]}, +{"trks": [[626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484, 0.0], [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 1, "confidence": 1, "age": 41}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 1, "confidence": 1, "age": 41}], "ret_trks": [[626.8863166869536, 442.96965179830045, 717.3773951360273, 716.4441083257484, 0.0], [494.44618451039156, 435.4221111575971, 594.3133677625408, 737.0297051696705, 0.0]]}, +{"trks": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 42}], "ret_trks": [[627.0724472027755, 442.7814015713031, 717.775671267344, 716.8919441419137, 0.0], [505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 0.0]]}, +{"trks": [[627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519, 0.0], [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 1, "confidence": 1, "age": 43}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 1, "confidence": 1, "age": 43}], "ret_trks": [[627.0690799530561, 442.68106434998117, 717.8538835550675, 717.0362174191519, 0.0], [507.1809216070288, 442.1484646666412, 610.7568525705216, 754.8848921073578, 0.0]]}, +{"trks": [[626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439, 0.0], [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "ret_trks": [[626.9999757430138, 442.61661665317007, 717.8165937136718, 717.0671773883439, 0.0], [501.6814349073861, 433.50837991428557, 611.9246903339483, 766.2432355203568, 0.0]]}, +{"trks": [[616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899, 0.0], [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 45}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 45}], "ret_trks": [[616.9973917512738, 437.72247439927077, 712.0772716524058, 724.9640411145899, 0.0], [510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 0.0]]}, +{"trks": [[623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452, 0.0], [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 1, "confidence": 1, "age": 46}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 1, "confidence": 1, "age": 46}], "ret_trks": [[623.1114115014152, 440.6272816176248, 715.5913812326069, 720.0698081595452, 0.0], [511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 0.0]]}, +{"trks": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 2, "confidence": 1, "age": 47}], "ret_trks": [[625.4047140959152, 441.74636498288476, 716.8733346782282, 718.1538910443695, 0.0], [513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 0.0]]}, +{"trks": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 3, "confidence": 1, "age": 48}], "ret_trks": [[616.3239959188443, 437.3389001075062, 711.6393202136171, 725.286424535737, 0.0], [514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 0.0]]}, +{"trks": [[612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781, 0.0], [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 4, "confidence": 1, "age": 49}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 4, "confidence": 1, "age": 49}], "ret_trks": [[612.9150975671382, 435.68804374561796, 709.6581975502461, 727.9162115031781, 0.0], [515.6789661622697, 447.34185281277087, 617.9735747589823, 756.2330362537846, 0.0]]}, +{"trks": [[611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157, 0.0], [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "ret_trks": [[611.6581574897892, 435.0386952693848, 708.939732732544, 728.880869767157, 0.0], [529.8554282387532, 444.91593251922825, 634.1580145410982, 759.8265575723834, 0.0]]}, +{"trks": [[611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148, 0.0], [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "ret_trks": [[611.219317131067, 434.7668252964423, 708.7044934767017, 729.219182140148, 0.0], [531.3667350163602, 444.6753333995175, 635.8873844311059, 760.2392686347071, 0.0]]}, +{"trks": [[611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272, 0.0], [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "ret_trks": [[611.0897164834798, 434.64040830298484, 708.6513158908554, 729.321764355272, 0.0], [531.7638891512944, 444.583579654757, 636.3584167431112, 760.3688578110678, 0.0]]}, +{"trks": [[611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596, 0.0], [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 53}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 53}], "ret_trks": [[611.074964888837, 434.5716140803849, 708.664550253101, 729.3367994762596, 0.0], [531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 0.0]]}, +{"trks": [[611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406, 0.0], [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 1, "confidence": 1, "age": 54}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 1, "confidence": 1, "age": 54}], "ret_trks": [[611.1009349167304, 434.5268609502755, 708.7000544178821, 729.3205759222406, 0.0], [533.6515144095573, 444.67460481834564, 638.297272150202, 760.6139132274532, 0.0]]}, +{"trks": [[611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263, 0.0], [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "ret_trks": [[611.139531249406, 434.49316210694565, 708.7411704775775, 729.2943854772263, 0.0], [544.5875918761195, 434.2166239852437, 654.9185410207784, 767.2096087199669, 0.0]]}, +{"trks": [[611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187, 0.0], [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "ret_trks": [[611.180269072215, 434.46538589946465, 708.7817783794274, 729.2661777657187, 0.0], [514.1428074495715, 431.8232475677954, 625.7905293611594, 768.7633699381012, 0.0]]}, +{"trks": [[611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327, 0.0], [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_trks": [[611.2193864096394, 434.44141060531274, 708.8197815830799, 729.2388223541327, 0.0], [512.9406257293832, 445.5169146742389, 615.9152673590132, 756.4465340766039, 0.0]]}, +{"trks": [[611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474, 0.0], [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_trks": [[611.2556737414053, 434.420277558153, 708.8546054613347, 729.2132633122474, 0.0], [512.6224370698811, 450.987449836794, 612.122904892765, 751.4868844693144, 0.0]]}, +{"trks": [[627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756, 0.0], [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_trks": [[627.652153164407, 453.68010309046974, 717.3890705702403, 724.903382827756, 0.0], [512.5595691485626, 453.11345379712225, 610.705555691374, 749.5448315714127, 0.0]]}, +{"trks": [[633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681, 0.0], [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_trks": [[633.8854431187467, 461.22266798345777, 720.4366301559355, 722.8826282136681, 0.0], [502.7937887572888, 438.7592880020916, 609.9692206866108, 762.2924344518865, 0.0]]}, +{"trks": [[620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778, 0.0], [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_trks": [[620.9130934706016, 436.77283945293595, 719.1556507650257, 733.5316695011778, 0.0], [499.2566404256872, 433.58154854548206, 609.6843097164734, 766.8654654568131, 0.0]]}, +{"trks": [[616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017, 0.0], [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_trks": [[616.1170002723038, 427.9718967322143, 718.4747898366068, 737.0636124393017, 0.0], [514.124030724718, 431.6513587991561, 625.7659513525101, 768.574227622927, 0.0]]}, +{"trks": [[626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691, 0.0], [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275, 0.0], [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[626.8916010758611, 431.72473684897335, 726.3300998122032, 732.0461459981691, 0.0], [503.5966764853008, 430.92835037711495, 615.6960449622866, 769.2218502650275, 0.0], [694.0788222394365, 453.4246384155666, 772.3831777605635, 690.4653615844335, 0.0]]}, +{"trks": [[633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223, 0.0], [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747, 0.0], [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[633.3102262961326, 426.0876090885153, 736.1042662932863, 736.4769573721223, 0.0], [499.6559417677363, 430.66132147706276, 611.9268167485193, 769.4686083415747, 0.0], [732.0043583709252, 375.4004386930535, 824.787410859844, 656.0526382300231, 0.0]]}, +{"trks": [[633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463, 0.0], [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103, 0.0], [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[633.1683521379947, 431.0151670102016, 732.7760170996977, 731.8401856084463, 0.0], [498.2326095136353, 430.5672741649214, 610.5663082470777, 769.5627017694103, 0.0], [730.757290127244, 383.64636904850295, 821.5978518221491, 658.3562418671897, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334, 0.0], [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229, 0.0], [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[633.0191420793249, 432.94422799122975, 731.3821427566559, 730.0317483390334, 0.0], [497.766641477594, 430.53871461357875, 610.1218010518653, 769.5983530647229, 0.0], [732.2828014764062, 441.9454929763713, 805.0823662044007, 662.3238209004833, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439, 0.0], [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555, 0.0], [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[632.8675743778904, 433.69272841876506, 730.7502577835885, 729.3377152215439, 0.0], [497.6603727548392, 430.5347056954729, 610.0212804883536, 769.6114795300555, 0.0], [731.7555362174108, 458.485000882879, 799.3733975158065, 663.2572889866991, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372, 0.0], [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847, 0.0], [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 4}], "ret_trks": [[632.7231680753059, 433.9845208891974, 730.4209747892296, 729.074223539372, 0.0], [513.7964261376352, 430.53965995135104, 626.157153126123, 769.6158077039847, 0.0], [737.0554614808689, 465.68810965245416, 807.9225522061329, 680.2475389180411, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808, 0.0], [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966, 0.0], [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "ret_trks": [[632.5897747293246, 434.10068679957135, 730.2160789141141, 728.9756108172808, 0.0], [513.2606753404741, 444.94130669069807, 616.5744637513433, 756.888867186966, 0.0], [738.0492192488136, 455.14806858220584, 810.1188318934137, 673.3278105381413, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306, 0.0], [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824, 0.0], [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "ret_trks": [[632.4681421919153, 434.1493047758342, 730.0663376446533, 728.9397823071306, 0.0], [513.1608651426793, 450.7577435136649, 612.8081647391875, 751.6983414175824, 0.0], [741.3870745755813, 451.43154147090223, 818.2719878536844, 684.0923485099266, 0.0], [558.78, 437.53, 679.04, 800.3, 0.0]]}, +{"trks": [[632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439, 0.0], [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075, 0.0], [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673, 0.0], [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "ret_trks": [[632.3578130370879, 434.1717889412603, 729.9445006173762, 728.9276810653439, 0.0], [513.143517008386, 453.0236563448126, 611.3568289342336, 749.6575173441075, 0.0], [750.1424162565196, 449.9002060713965, 824.5833069748204, 675.2148483427673, 0.0], [565.3160737370191, 431.8397340094807, 678.9276874449375, 774.6389744037749, 0.0]]}, +{"trks": [[632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855, 0.0], [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567, 0.0], [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675, 0.0], [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "ret_trks": [[632.2579462314097, 434.18400140495874, 729.8394838983693, 728.9244047493855, 0.0], [513.1440716988185, 453.8880462420559, 610.8060627374808, 748.865864103567, 0.0], [744.7930715804314, 449.5459279613917, 822.3897551246687, 684.343197510675, 0.0], [567.4505635141917, 430.173443911347, 678.8421175728591, 766.305470991073, 0.0]]}, +{"trks": [[632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816, 0.0], [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999, 0.0], [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034, 0.0], [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "ret_trks": [[632.1676260024501, 434.19202903654724, 729.7464578103866, 728.9242847803816, 0.0], [509.50049847348555, 448.0314015617887, 611.4940723615998, 756.0124004521999, 0.0], [742.437390044384, 449.4317219241533, 821.1483976877402, 687.5739886854034, 0.0], [568.060982188219, 429.7620780018895, 678.8007990004548, 763.9393327681942, 0.0]]}, +{"trks": [[632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825, 0.0], [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731, 0.0], [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496, 0.0], [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "ret_trks": [[632.0859688322415, 434.1982206046791, 729.6630433257795, 728.925178133825, 0.0], [511.76513782146145, 451.9210929180314, 610.8981477483809, 751.3158296949731, 0.0], [742.3278304997633, 447.9238597412801, 825.5939735588216, 699.7511130145496, 0.0], [562.1185068853671, 434.8422049604736, 678.9263148302085, 787.248989835458, 0.0]]}, +{"trks": [[632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818, 0.0], [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073, 0.0], [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519, 0.0], [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "ret_trks": [[632.0121561960672, 434.20349456323214, 729.5878502458808, 728.9262862208818, 0.0], [509.00950319275427, 447.2944219088502, 611.5440679545682, 756.8986809850073, 0.0], [748.463844114916, 459.1792625752428, 825.6091191516801, 692.6285160770519, 0.0], [559.9508102565693, 436.8434708335099, 678.9350318254909, 795.7846661218373, 0.0]]}, +{"trks": [[634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487, 0.0], [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467, 0.0], [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672, 0.0], [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "ret_trks": [[634.3455722109557, 427.06191091197996, 736.4369186186525, 735.3403915801487, 0.0], [507.9905027247204, 445.56113433329097, 611.7948076378012, 758.9747929237467, 0.0], [750.5127365303399, 463.4538403088885, 825.2466926778636, 689.6557312466672, 0.0], [564.9205822557157, 432.31411864520544, 678.8999869302046, 776.2299865487063, 0.0]]}, +{"trks": [[635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471, 0.0], [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673, 0.0], [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602, 0.0], [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "ret_trks": [[635.1766442257326, 424.4210672342846, 738.9395223956165, 737.7145084425471, 0.0], [507.6214253731325, 444.89511248582835, 611.9063959764835, 759.7505956573673, 0.0], [751.0095900219892, 464.95649597934107, 824.8318926691334, 688.4177215623602, 0.0], [566.7413853323111, 430.78918473764065, 678.8531461972412, 769.097062680466, 0.0]]}, +{"trks": [[635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303, 0.0], [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015, 0.0], [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915, 0.0], [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "ret_trks": [[635.4156572654695, 423.4312817119518, 739.8081201876532, 738.6131719336303, 0.0], [507.49749654192624, 444.63220690546336, 611.965253186627, 760.0359439578015, 0.0], [755.0571373375241, 454.890981418464, 832.2919891497849, 688.6009443323915, 0.0], [567.3645276060097, 430.3228820082687, 678.8229304440506, 766.669575975982, 0.0]]}, +{"trks": [[650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331, 0.0], [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923, 0.0], [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385, 0.0], [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "ret_trks": [[650.4667472525975, 423.0624882061186, 755.0968708859884, 738.9571505272331, 0.0], [507.46550036087945, 444.5233472506724, 612.002783864819, 760.1356161779923, 0.0], [758.228063296399, 449.7912871536196, 840.709955859095, 699.2604744195385, 0.0], [561.8611538388599, 435.28941020571824, 678.8737392835243, 788.3143971268523, 0.0]]}, +{"trks": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718, 0.0], [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "ret_trks": [[652.5021638258046, 429.89314515922297, 752.8235272240348, 732.8593911610949, 0.0], [507.46718038184713, 444.4740225602785, 612.0308138979817, 760.1653184821718, 0.0], [759.1778340001522, 447.9602113881072, 843.5349907598177, 703.0550763755507, 0.0], [559.8197969819889, 437.24035029259085, 678.86542161119, 796.3669335084915, 0.0]]}, +{"trks": [[653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664, 0.0], [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724, 0.0], [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347, 0.0], [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "ret_trks": [[653.1390541104007, 432.57794790432064, 751.7651271859353, 730.4546925763664, 0.0], [507.48041699616175, 444.44817133646154, 612.0539263399215, 760.1690822552724, 0.0], [759.2728187803469, 447.2532153326289, 844.3045377300976, 704.3701941493347, 0.0], [550.5441145959272, 442.1537012192266, 676.4003834730848, 821.7322938802881, 0.0]]}, +{"trks": [[656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721, 0.0], [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717, 0.0], [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268, 0.0], [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "ret_trks": [[656.6651478522631, 426.5007980312424, 759.1317717189706, 735.9050749611721, 0.0], [507.49687761346655, 444.43196935850256, 612.0739771607583, 760.1636426268717, 0.0], [759.0652268896531, 446.95982594657823, 844.3282187560051, 704.7693237824268, 0.0], [547.1664253043108, 444.0020324094228, 675.4776055527083, 830.948064009232, 0.0]]}, +{"trks": [[657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944, 0.0], [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298, 0.0], [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722, 0.0], [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "ret_trks": [[657.8329490621456, 424.2425592769525, 761.7277086263507, 737.931325719944, 0.0], [507.51348894276794, 444.42007551101835, 612.0917826021221, 760.1553245688298, 0.0], [758.7672557004851, 446.82407653317114, 844.0968424438713, 704.8323383019722, 0.0], [559.771704718992, 450.7727331139839, 677.856814547718, 807.0305530006575, 0.0]]}, +{"trks": [[658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671, 0.0], [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106, 0.0], [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724, 0.0], [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 20}], "ret_trks": [[658.0976374057335, 423.3939918283826, 762.5311006612875, 738.6985696149671, 0.0], [507.52917854086445, 444.41039125849466, 612.1077552951265, 760.1464837908106, 0.0], [758.4576620686203, 446.75064251488925, 843.7934649578292, 704.7767071150724, 0.0], [559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 0.0]]}, +{"trks": [[658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258, 0.0], [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143, 0.0], [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917, 0.0], [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 1, "confidence": 1, "age": 21}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 1, "confidence": 1, "age": 21}], "ret_trks": [[658.0307900518374, 423.07686878094967, 762.6676487561874, 738.9914440921258, 0.0], [511.12853330771566, 450.38620010935114, 611.2936633170135, 752.8795511336143, 0.0], [758.1639926616589, 446.7034154322116, 843.4848220413502, 704.6838261805917, 0.0], [559.1628986030206, 443.13736008668434, 678.5850157580061, 803.3985722539269, 0.0]]}, +{"trks": [[657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485, 0.0], [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461, 0.0], [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933, 0.0], [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 1, "age": 22}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 1, "age": 22}], "ret_trks": [[657.8523669712956, 422.96144894929745, 762.5652040221908, 739.1038502469485, 0.0], [502.8048052215108, 437.78881036598125, 610.6481659699937, 763.3232695617461, 0.0], [757.8944718853409, 446.6684948965536, 843.1937845568436, 704.5837018552933, 0.0], [558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 0.0]]}, +{"trks": [[657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816, 0.0], [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036, 0.0], [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249, 0.0], [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 23}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 23}], "ret_trks": [[657.6456627379594, 422.9226063864834, 762.3859300231782, 739.1472257012816, 0.0], [499.74322334538533, 433.20467400800703, 610.378479496004, 767.1092449654036, 0.0], [757.6502285178208, 446.64038168789773, 842.9268581285494, 704.4869477420249, 0.0], [558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 0.0]]}, +{"trks": [[657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971, 0.0], [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672, 0.0], [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333, 0.0], [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 24}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 24}], "ret_trks": [[657.4413403398298, 422.91268524933446, 762.1905357807179, 739.1640315495971, 0.0], [519.664932275464, 440.0901408534763, 626.5952616253574, 762.8831161485672, 0.0], [757.4299394874918, 446.61677825314564, 842.6846050741808, 704.3969117045333, 0.0], [558.8690507297057, 439.2587783163287, 678.9404873052764, 801.4651713538444, 0.0]]}, +{"trks": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 25}], "ret_trks": [[657.2499265488477, 422.913523100965, 762.0010121962944, 739.1704889788564, 0.0], [506.0636073131608, 434.07991225588444, 616.357174862692, 766.9589863092567, 0.0], [757.2315672326008, 446.59662126008607, 842.4655700900073, 704.3142698213135, 0.0], [558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 0.0]]}, +{"trks": [[658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689, 0.0], [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079, 0.0], [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729, 0.0], [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 26}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 26}], "ret_trks": [[658.5808407139014, 413.11881543214497, 768.1630791563794, 743.867996774689, 0.0], [517.0353775498224, 431.837793744111, 628.5854262020996, 768.4833615720079, 0.0], [757.0529896871946, 446.579334230653, 842.2677376386581, 704.2387596494729, 0.0], [558.792141839715, 437.8877542546072, 679.0316707465331, 800.5971053671728, 0.0]]}, +{"trks": [[658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135, 0.0], [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426, 0.0], [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956, 0.0], [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "ret_trks": [[658.9809114448767, 409.49526157933553, 770.3512465750555, 745.6050656405135, 0.0], [521.0997991992471, 430.99986370693944, 633.1245032586811, 769.0680253357426, 0.0], [756.8922124718597, 446.5645420884251, 842.089055318896, 704.1698275934956, 0.0], [570.953507614038, 442.878083432398, 698.1221529930765, 826.391408130966, 0.0]]}, +{"trks": [[658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041, 0.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 0.0], [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278, 0.0], [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "ret_trks": [[658.303550443359, 412.58662305646067, 775.5352927678407, 766.2844046455041, 0.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 0.0], [756.7474265169063, 446.5519610185214, 841.9276070680095, 704.1068651525278, 0.0], [568.4281791742255, 449.96190278967464, 685.9413727164053, 804.5025987539257, 0.0]]}, +{"trks": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "ret_trks": [[657.9465569038377, 413.7796273736726, 777.3384686771021, 773.9553721697962, 0.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 0.0], [756.6170108815534, 446.5413550861376, 841.7816576974249, 704.0492904972793, 0.0], [567.609521771924, 452.74170680604686, 681.5110204587942, 796.436466024324, 0.0]]}, +{"trks": [[671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217, 0.0], [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307, 0.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 0.0], [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "ret_trks": [[671.731494212985, 418.94277493690595, 782.2902443772106, 752.6333756621217, 0.0], [512.8513075886655, 439.2417611601493, 620.3645657033536, 763.7834866039307, 0.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 0.0], [572.0434662838157, 447.30171161080443, 695.8031678866877, 820.5929275465935, 0.0]]}, +{"trks": [[676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486, 0.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 0.0], [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951, 0.0], [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 1, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "ret_trks": [[676.8745475840185, 421.21156799817686, 783.8683348522163, 744.2023657937486, 0.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 0.0], [757.1599376263542, 446.5208956166206, 842.4357941145398, 704.3650898933951, 0.0], [573.7169368105466, 445.42963692586807, 701.0197834473823, 829.3489120180242, 0.0]]}, +{"trks": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "ret_trks": [[665.1477200919778, 428.51016393161734, 775.5398911483846, 761.6893013688677, 0.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 0.0], [770.7915313170975, 446.73312856315385, 855.7859281914821, 703.7262879418532, 0.0], [574.2504285222539, 444.64667164252825, 702.8684110040334, 832.509374626653, 0.0]]}, +{"trks": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "ret_trks": [[674.0902501258662, 424.74888212868484, 781.0150431553824, 747.5281848147202, 0.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 0.0], [774.2046431024318, 430.45377640739724, 863.2760635618218, 699.6829133877497, 0.0], [574.3451305557991, 444.2514034068924, 703.4517255497198, 833.5788525082303, 0.0]]}, +{"trks": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "ret_trks": [[677.3471374820989, 423.3744486697742, 782.9166575440416, 742.0871158016262, 0.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 0.0], [774.9023314009424, 440.6766633166884, 861.4113063196631, 702.2156104643999, 0.0], [574.2801601392687, 444.0079979942234, 703.5638329942813, 833.8660981403218, 0.0]]}, +{"trks": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}], "ret_trks": [[678.4295772934167, 422.8800597823205, 783.4756723692658, 740.0218645471217, 0.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 0.0], [775.0188233255029, 444.56657675996325, 860.5369264460222, 703.130500253701, 0.0], [563.9727081792236, 427.52163823857575, 699.4298441606273, 835.9009708297707, 0.0]]}, +{"trks": [[678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368, 0.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 0.0], [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864, 0.0], [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[678.6926074349744, 422.7169266920881, 783.5368978848203, 739.2530329558368, 0.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 0.0], [774.918699510478, 446.041401886946, 860.0535373497181, 703.4543615736864, 0.0], [570.2080778908603, 437.4927589900088, 701.9301814878795, 834.6674185823151, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]]}, +{"trks": [[678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882, 0.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 0.0], [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789, 0.0], [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[678.6558154525376, 422.67842920913375, 783.4217431977504, 738.9793105652882, 0.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 0.0], [774.748475314631, 446.5910710133988, 859.7340033403574, 703.5555672066789, 0.0], [572.5265311040042, 441.2714362355479, 702.78867739753, 834.0650418351472, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]]}, +{"trks": [[678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123, 0.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 0.0], [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844, 0.0], [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 3}], "ret_trks": [[678.5172452716193, 422.68575064964136, 783.252063655507, 738.8932286184123, 0.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 0.0], [774.5640859374722, 446.78768137721556, 859.4900412884043, 703.5731926939844, 0.0], [580.2774195919034, 455.11605683235894, 704.4447995358777, 829.6188302772516, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]]}, +{"trks": [[678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524, 0.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 0.0], [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399, 0.0], [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 4}], "ret_trks": [[678.351594149402, 422.7087685866837, 783.0733826336952, 738.8771060706524, 0.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 0.0], [774.3858065130407, 446.85054506576296, 859.28660646751, 703.5604310795399, 0.0], [576.1747237509653, 447.79350586643073, 703.5611911992339, 831.9578759609674, 0.0], [534.0, 460.48, 555.9740000000002, 528.402, 0.0]]}, +{"trks": [[678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126, 0.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 0.0], [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963, 0.0], [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775, 0.0], [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 5}], "ret_trks": [[678.1863617979644, 422.7360531452449, 782.9020455428719, 738.8860354285126, 0.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 0.0], [774.220269034518, 446.8635521138638, 859.1091704131638, 703.5376274029963, 0.0], [574.5583769824088, 444.97600690343495, 703.1457374302975, 832.7436331126775, 0.0], [532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 0.0]]}, +{"trks": [[678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102, 0.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 0.0], [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967, 0.0], [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174, 0.0], [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 6}], "ret_trks": [[678.031058477206, 437.7912321298616, 782.7433001797006, 753.9308513934102, 0.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 0.0], [774.436127880662, 444.0337006356583, 863.3214620095761, 712.7024638051967, 0.0], [573.8902801380568, 443.85812675269597, 702.9269837130485, 832.9737674746174, 0.0], [532.3306383282111, 451.03967911749083, 556.682239495042, 526.1892681312588, 0.0]]}, +{"trks": [[677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851, 0.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 0.0], [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397, 0.0], [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986, 0.0], [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 7}], "ret_trks": [[677.8883959143992, 428.36254658884354, 782.5982295583882, 744.4949066720851, 0.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 0.0], [774.4381223966228, 442.9866230660716, 864.7969666684288, 716.074696502397, 0.0], [573.5889488845149, 443.3908765863207, 702.7910424603843, 833.0025718753986, 0.0], [532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 0.0]]}, +{"trks": [[680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392, 0.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 0.0], [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133, 0.0], [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703, 0.0], [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 8}], "ret_trks": [[680.3422355214163, 431.0943977463593, 789.8775894882731, 761.7020446704392, 0.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 0.0], [786.1395406292479, 457.4434036137751, 873.1444115962397, 720.4694369908133, 0.0], [573.432376589398, 443.17610830883484, 702.6921316347218, 832.9606565994703, 0.0], [532.3698374411125, 451.29742508681915, 556.6706165880788, 526.2658677740206, 0.0]]}, +{"trks": [[681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631, 0.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 0.0], [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908, 0.0], [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217, 0.0], [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "ret_trks": [[681.1837025318922, 432.09547761054057, 792.5056928805803, 768.059370259631, 0.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 0.0], [790.4268840042512, 462.8761536937371, 876.1157157946491, 721.9516986533908, 0.0], [583.0101427168513, 426.8379915027258, 718.3465591570657, 834.8528055393217, 0.0], [528.8558546619183, 453.5598982241703, 554.4206696698604, 532.3108264618771, 0.0]]}, +{"trks": [[681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961, 0.0], [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 0.0], [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187, 0.0], [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621, 0.0], [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "ret_trks": [[681.3929605697053, 416.2565113039936, 793.3879818482394, 754.2376243063961, 0.0], [531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 0.0], [793.126205839351, 449.82789068667444, 882.2832678869548, 719.3111443564187, 0.0], [586.5322626178133, 420.7652267132014, 724.1076784507443, 835.4937358590621, 0.0], [528.2084946273005, 449.79902750083653, 554.0146630104823, 529.2660892990688, 0.0]]}, +{"trks": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 11}], "ret_trks": [[681.3669242095494, 426.38255642240625, 793.6160302019179, 765.1251112558305, 0.0], [531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 0.0], [792.6872930639167, 459.77999228626345, 879.212176937107, 721.3650855397491, 0.0], [587.7154536958726, 418.52100918653457, 726.1263629872958, 835.7541402078876, 0.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 0.0]]}, +{"trks": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 12}], "ret_trks": [[681.2601369745861, 430.14384926781725, 793.6042383676823, 769.171037177474, 0.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 0.0], [792.3711006351808, 451.2874833728089, 877.86858526257, 709.7883200181603, 0.0], [575.7118272887939, 418.7845351794597, 720.9074433131688, 856.3771349778915, 0.0], [527.4836032724625, 451.9837228621987, 553.6721223213997, 532.6182570765657, 0.0]]}, +{"trks": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "ret_trks": [[681.1315201862913, 431.4745465972497, 793.5100083664458, 770.6047253876959, 0.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 0.0], [793.360041192468, 445.2937187931758, 882.4337783817429, 714.5266364774626, 0.0], [571.1294857091402, 418.95280984339627, 718.8198740589266, 864.028180397232, 0.0], [531.5324913076835, 452.99743795233434, 555.9362058360547, 528.2364759622711, 0.0]]}, +{"trks": [[681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298, 0.0], [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 0.0], [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198, 0.0], [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157, 0.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 14}], "ret_trks": [[681.0029277145242, 431.88344715759854, 793.3926981969813, 771.0473751211298, 0.0], [532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 0.0], [793.593983658347, 443.0629927307779, 883.9918325762483, 716.266886276198, 0.0], [581.5767892076295, 417.66371258109706, 723.882747765126, 846.5848132171157, 0.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 0.0]]}, +{"trks": [[680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222, 0.0], [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 0.0], [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666, 0.0], [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177, 0.0], [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 15}], "ret_trks": [[680.8819756047614, 431.9485448515219, 793.2742325452156, 771.1198624909222, 0.0], [532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 0.0], [792.2425125262539, 444.8677923481828, 879.2502065216947, 707.9016015139666, 0.0], [573.207302322473, 418.4835805425338, 719.7952172458577, 860.251278705177, 0.0], [532.330530178781, 452.73378964990866, 556.4843846097002, 527.2264100911857, 0.0]]}, +{"trks": [[681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638, 0.0], [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 0.0], [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206, 0.0], [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471, 0.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 16}], "ret_trks": [[681.2351743865568, 420.24673249790357, 798.7916967897745, 774.9153808994638, 0.0], [532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 0.0], [803.8435094762069, 457.85215129751344, 889.5208028337909, 716.8925250537206, 0.0], [582.235168832359, 417.50099115470994, 724.0892080138578, 845.065410588471, 0.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 0.0]]}, +{"trks": [[681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567, 0.0], [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 0.0], [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476, 0.0], [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271, 0.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 17}], "ret_trks": [[681.3072324902809, 415.8357758714093, 800.7753508296747, 776.237915790567, 0.0], [532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 0.0], [797.1067726570238, 447.7465546288345, 886.2309773342811, 717.1303813494476, 0.0], [573.3297352145864, 418.42231471272675, 719.7274837666198, 859.6190573449271, 0.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 0.0]]}, +{"trks": [[681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434, 0.0], [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 0.0], [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902, 0.0], [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562, 0.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 18}], "ret_trks": [[681.2528060802841, 414.13959696166404, 801.4405069644471, 776.6995297310434, 0.0], [532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 0.0], [794.4381209045097, 443.9416419793182, 884.8403928050319, 717.1582701958902, 0.0], [569.9424406225756, 418.7781982019641, 718.0272874861656, 865.0350108623562, 0.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 0.0]]}, +{"trks": [[692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213, 0.0], [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 0.0], [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615, 0.0], [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936, 0.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 19}], "ret_trks": [[692.9409628588771, 433.2396360898226, 803.7928206746878, 767.8090778339213, 0.0], [533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 0.0], [804.2277561898351, 457.34603376060284, 891.2311167664265, 720.3665098299615, 0.0], [568.6535712399766, 418.8682006586481, 717.3668980506229, 867.0096253233936, 0.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 0.0]]}, +{"trks": [[701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958, 0.0], [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 0.0], [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659, 0.0], [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185, 0.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 20}], "ret_trks": [[701.0792053483785, 432.22778030246803, 812.8760010331796, 769.620075775958, 0.0], [533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 0.0], [807.7970919863506, 450.21403263407257, 893.4666092167245, 709.2308081779659, 0.0], [568.1663509952176, 418.8531191912857, 717.1087281889978, 867.6812102178185, 0.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 0.0]]}, +{"trks": [[703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266, 0.0], [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 0.0], [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707, 0.0], [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324, 0.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 21}], "ret_trks": [[703.979589132218, 431.78593495272605, 816.1336008805577, 770.2451155194266, 0.0], [533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 0.0], [811.1286786130793, 444.78774055528095, 900.2367328569353, 714.1227167598707, 0.0], [588.8263346767089, 433.0882281793055, 725.8864406921034, 846.2855312484324, 0.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 0.0]]}, +{"trks": [[704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845, 0.0], [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171, 0.0], [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "ret_trks": [[704.8902982549371, 431.5644218600286, 817.1788272609588, 770.4252820468845, 0.0], [816.9305389947015, 404.1241648738236, 921.4128868450375, 719.617501925171, 0.0], [575.6577278292469, 424.05561193176567, 720.2495262270969, 859.8429592196451, 0.0]]}, +{"trks": [[705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917, 0.0], [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792, 0.0], [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "ret_trks": [[705.0566827182532, 431.4317850493165, 817.3949412331168, 770.4410866716917, 0.0], [813.5907926277208, 422.64746155266175, 914.0706329685053, 726.1087770926792, 0.0], [582.9169449272956, 439.28504761032934, 723.9376350228549, 864.3508056159243, 0.0]]}, +{"trks": [[701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953, 0.0], [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568, 0.0], [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "ret_trks": [[701.2247508890763, 439.8513910036797, 808.8818394131362, 764.8254162758953, 0.0], [812.5875791157603, 434.37599491228275, 907.4058032655928, 720.8500784290568, 0.0], [585.6147201398431, 444.99757050436494, 725.2423980596124, 865.8801687508245, 0.0]]}, +{"trks": [[703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684, 0.0], [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444, 0.0], [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "ret_trks": [[703.3968502829249, 434.46161829652, 813.986960398826, 768.230659113684, 0.0], [811.6086830476257, 434.256121539634, 908.3507155049721, 726.4920898062444, 0.0], [574.2937929208631, 428.3694179596641, 719.7954360808733, 866.8769961072346, 0.0]]}, +{"trks": [[704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186, 0.0], [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897, 0.0], [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "ret_trks": [[704.1000660924094, 432.3986788551381, 815.7888675915535, 769.4610456545186, 0.0], [811.0894113422042, 434.2084626259003, 908.5514281594266, 728.5999089012897, 0.0], [582.2451754073448, 440.6195262488586, 723.6055345816975, 866.7009652384977, 0.0]]}, +{"trks": [[704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491, 0.0], [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833, 0.0], [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "ret_trks": [[704.243160097183, 431.5844418198994, 816.3472862666944, 769.8915391578491, 0.0], [810.7556570318748, 434.1746774881068, 908.4866357983094, 729.3711012093833, 0.0], [585.226491161073, 445.2310332781745, 724.9684311185488, 866.4549753836823, 0.0]]}, +{"trks": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "ret_trks": [[700.4533817669114, 439.76557886596663, 808.0123765958444, 764.4450931584423, 0.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 0.0], [586.2975773272714, 446.8900082501553, 725.4116708590014, 866.2292912331168, 0.0]]}, +{"trks": [[702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652, 0.0], [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761, 0.0], [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "ret_trks": [[702.6839651094451, 434.29323667778544, 813.2321385221949, 767.9363353857652, 0.0], [822.6993603298083, 454.1978554656224, 912.7209140821942, 726.2830469312761, 0.0], [586.6417647379874, 447.42386631630404, 725.5105624010748, 866.0267365261901, 0.0]]}, +{"trks": [[703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802, 0.0], [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342, 0.0], [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "ret_trks": [[703.450076922225, 432.2134023943461, 815.1176892407061, 769.2120644568802, 0.0], [825.400296996036, 462.3919663252651, 911.5832145420846, 722.9501230791342, 0.0], [586.7136070264963, 447.5363709172457, 725.4839490507283, 865.8436023461661, 0.0]]}, +{"trks": [[703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245, 0.0], [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869, 0.0], [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "ret_trks": [[703.6535660817872, 431.40505916119616, 815.7443940385283, 769.6721178185245, 0.0], [826.1329538419126, 464.38123399584435, 911.3795503902744, 722.126543235869, 0.0], [574.4163754238232, 428.81410833153745, 719.5610960085739, 866.2495678429623, 0.0]]}, +{"trks": [[705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008, 0.0], [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879, 0.0], [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "ret_trks": [[705.2645369066591, 419.4328808032593, 822.682847058342, 773.6866925687008, 0.0], [826.2875483064197, 465.03218566103163, 911.1955333420979, 721.7601265027879, 0.0], [569.8086527041633, 421.80362378240625, 717.3083100472522, 866.3027573050708, 0.0]]}, +{"trks": [[720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021, 0.0], [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336, 0.0], [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}], "ret_trks": [[720.2384700584934, 426.4980669289753, 834.5479963396668, 771.4236129369021, 0.0], [829.2359676160112, 463.32348238958787, 917.9716102258486, 731.5382069658336, 0.0], [568.1101872762465, 419.1773674025642, 716.492465307603, 866.3234195958025, 0.0]]}, +{"trks": [[725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652, 0.0], [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429, 0.0], [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[725.7222654270234, 429.2175324340774, 838.8206435386202, 770.5077564161652, 0.0], [830.2086317577413, 462.6222479913066, 920.3606414823677, 735.084600027429, 0.0], [567.5166984111287, 418.21311383547356, 716.2279975255336, 866.3457195877205, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]]}, +{"trks": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[727.5827638323959, 430.2474846776337, 840.2137462684697, 770.1346114657086, 0.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 0.0], [567.3408916110442, 417.8801983143675, 716.1711845398942, 866.3694953720143, 0.0], [497.0, 449.0, 536.0, 568.0, 0.0]]}, +{"trks": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[730.8498248180888, 418.99472431234597, 848.4587074071653, 773.8195083296833, 0.0], [832.0418868526416, 463.30788126165504, 922.7619988057057, 737.4743027686832, 0.0], [554.8370168905337, 415.317802691405, 718.0874315397625, 907.0958668108087, 0.0], [507.46272551911943, 449.0, 546.4627255191194, 568.0, 0.0]]}, +{"trks": [[731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811, 0.0], [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597, 0.0], [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169, 0.0], [511.1055259276069, 449.0, 550.1055259276069, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[731.8667886962318, 414.8114413310235, 851.320737647403, 775.1701242356811, 0.0], [830.8511598480194, 457.49958636428687, 926.6847323921039, 747.0043350108597, 0.0], [562.5690924803213, 416.3932579489001, 717.0934504481573, 881.9807089588169, 0.0], [511.1055259276069, 449.0, 550.1055259276069, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]]}, +{"trks": [[732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031, 0.0], [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711, 0.0], [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207, 0.0], [514.7483263360944, 449.0, 553.7483263360944, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[732.0200038102383, 413.2578081775056, 852.1691591171628, 775.7011903221031, 0.0], [830.6428159649488, 456.18715494481233, 927.665068555111, 749.2546405452711, 0.0], [565.6260425613051, 417.03377497192093, 716.6803736389464, 872.2017261836207, 0.0], [514.7483263360944, 449.0, 553.7483263360944, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]]}, +{"trks": [[731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606, 0.0], [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242, 0.0], [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187, 0.0], [518.3911267445818, 449.0, 557.3911267445818, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[731.860876838541, 412.69738362998373, 852.2724028113554, 775.9274357455606, 0.0], [827.8841817080186, 449.446727550962, 929.8837862616974, 757.4544110773242, 0.0], [566.8356694661514, 417.3493389335091, 716.5380760529127, 868.4571320182187, 0.0], [518.3911267445818, 449.0, 557.3911267445818, 568.0, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]]}, +{"trks": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 4}], "ret_trks": [[731.6021050013212, 412.5127366979343, 852.1115976925973, 776.0364773894146, 0.0], [826.753668671936, 446.8974991223356, 930.5728473200444, 760.3633325491751, 0.0], [567.326887808987, 417.51503335283627, 716.5042119747017, 867.0457234873336, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]]}, +{"trks": [[744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795, 0.0], [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232, 0.0], [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 5}], "ret_trks": [[744.5872512399429, 423.9036349703608, 860.1042756204316, 772.4521695412795, 0.0], [764.9306401382275, 360.70480712435614, 906.3657248774657, 787.154067760232, 0.0], [567.539489799871, 417.6178019633313, 716.5103455314625, 866.528289235444, 0.0], [892.72, 429.71000000000004, 977.462, 685.94, 0.0]]}, +{"trks": [[749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198, 0.0], [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155, 0.0], [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089, 0.0], [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "ret_trks": [[749.2937829114039, 428.32208778843585, 862.8453709132668, 770.9722002288198, 0.0], [731.9482878113522, 324.46338417368855, 892.9563150542176, 809.5928162691155, 0.0], [567.6431373939301, 417.6934468799998, 716.5297413957762, 866.3508006006089, 0.0], [841.8058853034075, 457.7227307331801, 940.9174221367206, 757.1528823577146, 0.0]]}, +{"trks": [[750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685, 0.0], [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208, 0.0], [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352, 0.0], [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "ret_trks": [[750.8310121298775, 430.00205523919857, 863.6217227894861, 770.3682595077685, 0.0], [720.1136403450413, 311.7549084411414, 887.9870818111757, 817.4369281566208, 0.0], [555.2310880643447, 415.32196040205315, 718.4386629841624, 906.9702903079352, 0.0], [838.1542888308296, 442.8988222178684, 938.2474880854282, 745.2504389068627, 0.0]]}, +{"trks": [[751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191, 0.0], [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526, 0.0], [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909, 0.0], [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "ret_trks": [[751.1754172275046, 430.6252446015509, 863.6729668416558, 770.1113905859191, 0.0], [726.8025343964259, 313.79708630670984, 890.0336718228573, 805.525178753526, 0.0], [562.9625393027115, 437.69231993162884, 717.4307215915767, 903.11026452909, 0.0], [837.9163730975853, 453.9378301919088, 938.1034027583336, 756.5574463389127, 0.0]]}, +{"trks": [[755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082, 0.0], [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981, 0.0], [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765, 0.0], [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "ret_trks": [[755.0264323445299, 419.20868031860846, 872.5704374046929, 773.8383997285082, 0.0], [718.9369206283011, 308.1814314467657, 887.6019195415836, 816.2084954446981, 0.0], [553.6212619189963, 422.8310561072207, 718.7820503631643, 920.3391745527765, 0.0], [838.7321718335697, 457.3154683295543, 938.7419768412342, 759.3939617010267, 0.0]]}, +{"trks": [[756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953, 0.0], [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517, 0.0], [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341, 0.0], [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "ret_trks": [[756.2523218646186, 414.960093297926, 875.6662725746141, 775.1983728829953, 0.0], [716.3306017355039, 306.2847908218596, 887.012166846527, 820.3586630171517, 0.0], [550.214785388494, 417.26106294700674, 719.2730616231677, 926.4598055490341, 0.0], [839.7667491594581, 458.0682650114369, 939.5411785571433, 759.433600281736, 0.0]]}, +{"trks": [[758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214, 0.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 0.0], [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751, 0.0], [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "ret_trks": [[758.1976621283945, 416.9094984911386, 883.8619866890226, 795.9094188460214, 0.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 0.0], [548.9952025325288, 415.02110470578305, 719.509897715023, 928.5874171486751, 0.0], [840.7469691427177, 457.9415792904429, 940.2973021655193, 758.6291974221633, 0.0]]}, +{"trks": [[758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065, 0.0], [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606, 0.0], [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455, 0.0], [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "ret_trks": [[758.6999594916324, 417.672556286127, 886.6691927388765, 803.5874714369065, 0.0], [684.4992392867433, 336.7076695186181, 842.7075120282556, 813.3630410180606, 0.0], [548.5958919874729, 414.0369372546166, 719.6550553211277, 929.2357840888455, 0.0], [841.604861396798, 442.89216308660275, 940.959844122546, 742.9894130298583, 0.0]]}, +{"trks": [[756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744, 0.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 0.0], [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491, 0.0], [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "ret_trks": [[756.841419967074, 414.1294813490272, 880.2733455890148, 786.4270818400744, 0.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 0.0], [548.5031285825444, 413.5416010670539, 719.7614778057748, 929.3375573442491, 0.0], [841.0102924297021, 455.9917029474748, 935.645736530769, 741.9256195303947, 0.0]]}, +{"trks": [[757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274, 0.0], [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752, 0.0], [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478, 0.0], [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 1, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "ret_trks": [[757.7268851910499, 416.51050700406233, 884.8586109917287, 799.9117714438274, 0.0], [706.2764196340169, 313.2904074965842, 874.260734856067, 819.2724095788752, 0.0], [548.5220731581701, 413.2446698966757, 719.8483250951485, 929.2440649257478, 0.0], [854.6629418469814, 460.75849538496163, 947.4224407041648, 741.0587760122353, 0.0]]}, +{"trks": [[756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711, 0.0], [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468, 0.0], [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692, 0.0], [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "ret_trks": [[756.074292672969, 413.6449896425812, 879.1707983212259, 784.9353329267711, 0.0], [715.7337660287844, 309.1761798754196, 885.8271520962928, 821.4749622906468, 0.0], [548.5788397447568, 413.03460240393287, 719.9230906637533, 929.0877976613692, 0.0], [847.8528922197507, 457.98583251319087, 944.4467835669083, 749.7926754075772, 0.0]]}, +{"trks": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "ret_trks": [[755.3132908016859, 429.9154975721402, 876.8316324001402, 796.4677277132233, 0.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 0.0], [567.523057114907, 414.46278762625667, 731.7368373205916, 909.1203447227233, 0.0], [857.5762653622469, 461.00944378631937, 951.0412312024173, 743.4250952302867, 0.0]]}, +{"trks": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "ret_trks": [[756.6390656718323, 422.30797788578855, 883.0579978474863, 803.5701073800943, 0.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 0.0], [580.1450123176703, 413.3813522009451, 748.7938278381469, 921.3476260148592, 0.0], [863.6012356650773, 457.754326366562, 960.3375401607899, 749.9849117888405, 0.0]]}, +{"trks": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 2, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "ret_trks": [[757.0040301620813, 419.3934518979225, 885.2432963008034, 806.1174072673728, 0.0], [742.9571191451697, 305.88512526261394, 913.7593575119982, 820.3104858615768, 0.0], [584.7500215245254, 412.94418950194773, 755.0549220963219, 925.8789444922622, 0.0], [865.2387380834341, 449.77236844572235, 967.9906260102239, 760.0629303417891, 0.0]]}, +{"trks": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "ret_trks": [[756.9931416255836, 418.21555762940955, 885.9184389437298, 806.9975678507855, 0.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 0.0], [586.2882615145824, 412.7157108883319, 757.2141520949739, 927.5132851601313, 0.0], [866.542397909218, 453.20475238375997, 966.7069481843706, 755.7222325103378, 0.0]]}, +{"trks": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 1, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "ret_trks": [[767.0781875199729, 425.1520527937594, 885.9839651454114, 783.8801499216149, 0.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 0.0], [586.6695214483782, 412.56669877250073, 757.8248544542303, 928.0524368747094, 0.0], [881.5567984910111, 447.92828045113856, 985.4301657369934, 761.5779809577791, 0.0]]}, +{"trks": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 2, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "ret_trks": [[770.8597066124969, 428.17441650510636, 885.7095039486592, 774.7252543583027, 0.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 0.0], [586.6265642592854, 412.4532663911949, 757.8624601521998, 928.18054523834, 0.0], [887.1088509896905, 445.88111562719087, 992.3089612105863, 763.5102196338382, 0.0]]}, +{"trks": [[772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188, 0.0], [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881, 0.0], [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857, 0.0], [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 3, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 3, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "ret_trks": [[772.1512448169595, 429.4170928697185, 885.4129623316879, 771.198347926188, 0.0], [895.0250612416578, 347.1187138280787, 1032.922569135248, 762.8399301715881, 0.0], [586.439041378691, 412.35921805596166, 757.6988541062524, 928.1581097986857, 0.0], [889.0436030185515, 445.025013959688, 994.6999352865942, 764.0213220279752, 0.0]]}, +{"trks": [[777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951, 0.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 0.0], [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184, 0.0], [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "ret_trks": [[777.5909806688398, 435.5854512953691, 895.3860790585638, 790.9683757608951, 0.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 0.0], [590.2975264108725, 408.5202840209244, 769.4002013235156, 947.852176237184, 0.0], [889.6104529205836, 444.6250002842748, 995.3999879021117, 764.0195485155623, 0.0]]}, +{"trks": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 1, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "ret_trks": [[774.3251840944005, 432.1225770103205, 888.7337684060739, 777.3441826748435, 0.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 0.0], [591.5879386114575, 407.06239881320477, 773.5890986874474, 955.0883241737965, 0.0], [903.3046939150875, 450.64441453491906, 1004.5250654195452, 756.3254227795279, 0.0]]}, +{"trks": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 2, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "ret_trks": [[772.9625182504633, 430.8685580428547, 886.0502615857793, 772.1256158357645, 0.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 0.0], [604.8557826681778, 411.20931000425355, 773.3341413747293, 918.6692182519799, 0.0], [908.277780228233, 452.9491007627797, 1007.682797322203, 753.1783852244895, 0.0]]}, +{"trks": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 3, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "ret_trks": [[777.4315491269218, 418.8090944257789, 895.1593384618428, 773.9892648022052, 0.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 0.0], [616.9608059625727, 411.65660936710105, 787.1452362132611, 924.2312429405538, 0.0], [896.2557721574486, 447.4091012946677, 999.6096535045959, 759.4924764151186, 0.0]]}, +{"trks": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 4, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "ret_trks": [[781.9290438940358, 417.8428141267434, 906.9535703104872, 794.9247028516897, 0.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 0.0], [621.2270482396707, 411.8176586156341, 792.0524365862934, 926.3135807578722, 0.0], [905.2025318439872, 451.5636230867059, 1005.4025567373293, 754.1789502224714, 0.0]]}, +{"trks": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 5, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "ret_trks": [[780.4532515167133, 413.9098673783076, 902.7015279971541, 782.654988008908, 0.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 0.0], [628.2955845266149, 434.3962486541893, 785.7637145345814, 908.8177712077465, 0.0], [908.4119617133357, 453.13799384052953, 1007.367409006093, 752.0153903144571, 0.0]]}, +{"trks": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 6, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "ret_trks": [[779.7396815298608, 412.5046931355499, 900.9093068159958, 778.0100607106771, 0.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 0.0], [630.8486775225326, 443.44101470329485, 782.905738618339, 901.617324688198, 0.0], [910.8427705814186, 447.3641176512409, 1013.9512085869194, 758.7087209599364, 0.0]]}, +{"trks": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 7, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "ret_trks": [[782.3075521976443, 415.62196547245134, 908.5769565891603, 796.4351361841727, 0.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 0.0], [625.4926258444463, 423.4610410762874, 789.6415576961173, 917.9307221538166, 0.0], [924.162961545608, 451.415157399064, 1024.2202932773014, 753.6004100176357, 0.0]]}, +{"trks": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 8, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "ret_trks": [[783.1253278067098, 416.8316725860091, 911.28733203379, 803.3234074447785, 0.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 0.0], [623.3044672982085, 416.1644109670734, 791.8387801270603, 923.7887323998663, 0.0], [928.9345744145542, 452.96369583818444, 1027.7907527289224, 751.5415981491834, 0.0]]}, +{"trks": [[783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034, 0.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 0.0], [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004, 0.0], [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 9, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 9, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "ret_trks": [[783.264997843343, 417.2393955875923, 912.1403498314035, 805.8710898851034, 0.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 0.0], [628.0678267097609, 409.5986810877177, 806.1210213479945, 945.7840159628004, 0.0], [930.4528162968268, 453.5313220431059, 1028.8344571799187, 750.6836757335863, 0.0]]}, +{"trks": [[783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103, 0.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 0.0], [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108, 0.0], [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "ret_trks": [[783.1575859905062, 417.33405928145294, 912.30210264899, 806.7731314723103, 0.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 0.0], [629.6348516862477, 407.19805038700173, 811.1857467314173, 953.8735287808108, 0.0], [933.1718494342002, 447.41586376271647, 1035.9867712975506, 757.8773772835316, 0.0]]}, +{"trks": [[782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259, 0.0], [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068, 0.0], [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952, 0.0], [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "ret_trks": [[782.9701371122738, 417.3126271186118, 912.2150616261812, 807.0528365112259, 0.0], [1038.6067014767357, 381.2679843257084, 1161.4006674152904, 751.6428189252068, 0.0], [648.4383950229691, 409.7070727106935, 823.6378700092629, 937.3277380431952, 0.0], [931.472646456881, 451.3235380962489, 1031.3660421285222, 753.0148745056647, 0.0]]}, +{"trks": [[782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082, 0.0], [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466, 0.0], [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402, 0.0], [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "ret_trks": [[782.7658713078084, 417.25191474132765, 912.0468949153366, 807.1003528029082, 0.0], [1013.5137895017607, 412.19802080768454, 1112.4423485005618, 710.9768259859466, 0.0], [636.6715466996629, 407.1153111069747, 817.1457169142586, 950.5600097679402, 0.0], [933.0415097382725, 446.57851435109427, 1036.3766538201744, 758.6001847573436, 0.0]]}, +{"trks": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "ret_trks": [[782.5678415980457, 417.18126552410826, 911.8604431453872, 807.0643768181917, 0.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 0.0], [650.4535017102023, 409.62387599071707, 825.2161003510978, 935.933084113939, 0.0], [933.4014706618154, 444.7993509789204, 1038.0042071470643, 760.6237139608521, 0.0]]}, +{"trks": [[782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429, 0.0], [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116, 0.0], [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762, 0.0], [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "ret_trks": [[782.3837154682992, 417.11155264295206, 911.6785558542533, 807.0013234346429, 0.0], [1022.1557930920778, 413.7612289460438, 1119.6325430357144, 708.1749841557116, 0.0], [655.3658735628769, 410.6705735358233, 827.8923587211293, 930.2694203987762, 0.0], [933.3077516468773, 444.114073490932, 1038.3752712708522, 761.3322237934156, 0.0]]}, +{"trks": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}], "ret_trks": [[796.4316418761382, 430.5350516355071, 920.343388408864, 804.2715624623114, 0.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 0.0], [680.7270621590633, 391.01935689435595, 838.8577366703364, 867.4298256741856, 0.0], [948.0984037677615, 443.84268497778913, 1053.3287422667986, 761.548773392054, 0.0]]}, +{"trks": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 1, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[805.8528636697163, 422.0376682193692, 933.1154425850918, 805.8302882707787, 0.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 0.0], [673.4950556707746, 399.8061988897974, 847.8193488452004, 924.8136813575265, 0.0], [953.3884063624497, 443.7303278265847, 1058.6675761204046, 761.5824533540424, 0.0], [562.6164733026352, 457.9678714910754, 613.8325266973649, 613.4621285089245, 0.0]]}, +{"trks": [[804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169, 0.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 0.0], [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193, 0.0], [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691, 0.0], [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 2, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 2, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[804.9101687355846, 432.33594937141606, 928.012522564849, 803.642724210169, 0.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 0.0], [670.5068458906693, 403.66830665194914, 850.6287407920337, 946.0610959471193, 0.0], [955.0702726933001, 443.6802711398914, 1060.3555193223217, 761.5502119418691, 0.0], [565.4180061444877, 454.8528715183961, 619.6848400093584, 619.6094361739115, 0.0]]}, +{"trks": [[808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592, 0.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 0.0], [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977, 0.0], [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474, 0.0], [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 3, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 3, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[808.6131061907543, 422.5970182236821, 935.5717503944168, 805.4775806009592, 0.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 0.0], [675.2442225664319, 399.15631904899806, 865.9688412216725, 973.3589591188977, 0.0], [955.4013335441216, 443.6555317664641, 1060.6769705745855, 761.4962568887474, 0.0], [566.1263329623143, 454.1223026272126, 621.1220543064933, 621.0918026717774, 0.0]]}, +{"trks": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 4, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[809.7960999984632, 418.90369289371495, 938.1953988105986, 806.1066714222903, 0.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 0.0], [676.672081618074, 397.4935313460874, 871.2872775767836, 983.3634485516945, 0.0], [955.2444740709765, 443.6418468961107, 1060.5050895853121, 761.4371425792461, 0.0], [578.581323041804, 453.88674237533, 633.813509542579, 621.5741613417637, 0.0]]}, +{"trks": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 5, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[810.0216576405619, 417.48558592507754, 938.9649866534669, 806.3205992633242, 0.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 0.0], [670.4516532578277, 402.3274368535442, 858.3223019953662, 967.9625827342413, 0.0], [969.9568871382338, 443.6336232034462, 1075.2009477667568, 761.3789079487283, 0.0], [581.1428923907487, 453.78200979508273, 636.4806913157901, 621.7900728634075, 0.0]]}, +{"trks": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 6, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[809.899503106961, 416.93398940703594, 939.0480045280192, 806.3844389053919, 0.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 0.0], [667.8366868885895, 404.19284379551954, 853.0609886478811, 961.886448189663, 0.0], [975.1772786810394, 443.62858727662984, 1080.404693804287, 761.3236058016905, 0.0], [575.142987141187, 450.2922784574721, 634.0979692926962, 629.1928197318875, 0.0]]}, +{"trks": [[809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842, 0.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 0.0], [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793, 0.0], [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229, 0.0], [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489, 0.0], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 7, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 7, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[809.6634899015189, 416.71440840644215, 938.8882649383497, 806.3936125519842, 0.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 0.0], [666.6061077082572, 404.85493911835937, 850.803817838372, 959.4674450987793, 0.0], [978.3396090895319, 434.8033445360154, 1088.4524331163354, 767.1539595255229, 0.0], [578.8282751171141, 452.4118065475666, 635.5594241884298, 624.6172543895489, 0.0], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.0]]}, +{"trks": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 8, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[811.2699023666896, 399.28741221706537, 946.4459234505618, 806.818718600319, 0.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 0.0], [672.1934253556481, 399.1936128331075, 864.365169822376, 977.731672148746, 0.0], [977.6039617797494, 440.2338881270973, 1084.6960917007048, 763.523759849, 0.0], [574.2041556610033, 440.41608219082906, 633.3337188834554, 619.8333154984389, 0.0], [1139.9471001471327, 419.7133823866938, 1186.8849767759446, 562.6627714594601, 0.0]]}, +{"trks": [[809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459, 0.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 0.0], [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729, 0.0], [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199, 0.0], [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284, 0.0], [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 9, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 9, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[809.7915663055596, 410.0075372985578, 941.3448449670027, 806.6729567399459, 0.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 0.0], [674.0659685170633, 397.0388159424536, 869.1907920121478, 984.4346369397729, 0.0], [992.0497529914275, 442.3415223902924, 1097.9575662358463, 762.0775390545199, 0.0], [572.460911220258, 445.8730262387769, 632.3713061476755, 627.6330393357284, 0.0], [1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 0.0]]}, +{"trks": [[827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626, 0.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 0.0], [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102, 0.0], [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628, 0.0], [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793, 0.0], [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 10, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 10, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 4}], "ret_trks": [[827.6094152123344, 414.13554729414295, 957.7506234949774, 806.5644030757626, 0.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 0.0], [674.5028321312554, 396.1180141885777, 870.7368780765682, 986.8404867483102, 0.0], [997.1214314831757, 443.1516722848165, 1102.5651163313557, 761.4946083486628, 0.0], [577.1180399206728, 450.7247671091061, 634.2916891653076, 624.2589064114793, 0.0], [1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 0.0]]}, +{"trks": [[834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771, 0.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 0.0], [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196, 0.0], [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497, 0.0], [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436, 0.0], [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 5}], "ret_trks": [[834.0883294389095, 415.70766632046315, 963.68422721083, 806.5002432275771, 0.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 0.0], [674.4102081250097, 395.662933334999, 871.059341418408, 987.6301544548196, 0.0], [998.6408986073442, 443.4624396040595, 1103.8986088631539, 761.2470013736497, 0.0], [578.7221589281124, 452.5709331777636, 634.8506526772559, 622.9617111136436, 0.0], [1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 0.0]]}, +{"trks": [[836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796, 0.0], [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143, 0.0], [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216, 0.0], [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736, 0.0], [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689, 0.0], [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 6}], "ret_trks": [[836.2498809854521, 416.29773259761373, 965.6349893411023, 806.4577520547796, 0.0], [1076.7178591509291, 419.249624207603, 1185.0906334022807, 746.3681494166143, 0.0], [667.7678020557585, 400.9402079679636, 856.4016429442215, 968.8637432499216, 0.0], [1001.4712029058126, 434.7834284614877, 1111.5360220824366, 766.9883845965736, 0.0], [579.2004865367514, 453.2607510684212, 634.9377139934302, 622.4747184944689, 0.0], [1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 0.0]]}, +{"trks": [[836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806, 0.0], [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486, 0.0], [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605, 0.0], [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035, 0.0], [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[836.78596296274, 416.51252446970625, 966.0885921696153, 806.4250011234806, 0.0], [1069.5692666736, 434.2027728442779, 1167.607319847266, 730.3088030272486, 0.0], [671.481893541272, 397.33325068726583, 865.2566957057445, 980.6793134485605, 0.0], [1002.1769378041574, 431.57497144658964, 1114.0122575870062, 769.0877697364035, 0.0], [581.8480160917035, 454.3212299778043, 634.780209437402, 615.1076678253592, 0.0]]}, +{"trks": [[855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002, 0.0], [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381, 0.0], [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885, 0.0], [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898, 0.0], [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_trks": [[855.2283891649727, 416.58485000286066, 984.4976471045536, 806.3971432677002, 0.0], [1035.430732735459, 359.3988309853188, 1169.195146451888, 762.8013468411381, 0.0], [677.4047968219022, 387.5479294840947, 882.1331766732492, 1003.7532610584885, 0.0], [1002.0808642096894, 446.49396928031774, 1114.5745536136424, 785.9798607235898, 0.0], [583.878533712173, 451.1138151251899, 641.3590597701174, 625.5740085910019, 0.0]]}, +{"trks": [[861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027, 0.0], [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107, 0.0], [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464, 0.0], [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164, 0.0], [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_trks": [[861.8276260550161, 416.6038032468, 991.0823024619293, 806.3722968185027, 0.0], [1025.198018490047, 338.1287137377873, 1168.6091375254944, 770.4132265395107, 0.0], [674.6868614868824, 392.0185001670858, 874.5896008781563, 993.7472854550464, 0.0], [1001.7087939625128, 452.03730727187906, 1114.4429690581326, 792.243648102164, 0.0], [589.0494570337775, 452.6934877655324, 645.3163611059521, 623.5024285884058, 0.0]]}, +{"trks": [[863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563, 0.0], [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233, 0.0], [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945, 0.0], [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129, 0.0], [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[863.9283186649202, 416.6033903415066, 993.1756125576117, 806.3496872013563, 0.0], [1021.2350408726795, 330.5624104221706, 1168.0822666729766, 773.1241330990233, 0.0], [673.4985099552108, 393.70597896581177, 871.5208589856696, 989.7927478823945, 0.0], [1001.2624241728979, 453.9991640778628, 1114.078794942259, 794.4515295493129, 0.0], [590.8303415041249, 453.29426256884705, 646.633833294171, 622.7086407627748, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774, 0.0], [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534, 0.0], [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915, 0.0], [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927, 0.0], [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[864.3442368161344, 416.5965272650792, 993.5869180910673, 806.3289396857774, 0.0], [1019.5462034333715, 327.866465436598, 1167.676653418595, 774.2647033838534, 0.0], [672.9018108720999, 394.30043512701144, 870.1949272784847, 988.1989801065915, 0.0], [1000.8166674313547, 454.6028868750426, 1113.6552666827092, 795.1215594887927, 0.0], [586.8729694647544, 450.8797288309397, 645.3114101686527, 628.2097968581872, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131, 0.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 0.0], [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323, 0.0], [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693, 0.0], [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[864.1510727609187, 416.5880643397733, 993.3902189978113, 806.309826352131, 0.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 0.0], [672.5449149004722, 394.4785195123314, 869.5525689660434, 987.5203921696323, 0.0], [1012.7371025142113, 462.2106576562121, 1120.8292404557317, 788.4977287487693, 0.0], [589.7126797636108, 452.55491145560586, 646.3606508045675, 624.5067583874377, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549, 0.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 0.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 0.0], [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057, 0.0], [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 1, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 1, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[863.75799676076, 416.57977292441706, 992.9940388219185, 806.2921779077549, 0.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 0.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 0.0], [1020.6844199915904, 457.44333488946677, 1131.7261953372376, 792.5754576344057, 0.0], [590.6682516977467, 453.2080102046681, 646.6236495789515, 623.0783178809667, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603, 0.0], [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928, 0.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 0.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 0.0], [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 2, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 2, "confidence": 1, "age": 131}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[881.8206400782084, 416.5722538196651, 1011.0537615432974, 806.2758531104603, 0.0], [1033.8592417667624, 348.9245404252266, 1176.5160459295757, 778.9019084947928, 0.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 0.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 0.0], [588.5356190245856, 446.156782153079, 650.0105864337175, 632.6102712947194, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[888.2530780102255, 416.5656671125108, 1017.4833677629443, 806.2607278810846, 0.0], [1043.7461577832732, 380.865550973107, 1168.909607181969, 758.3598053845308, 0.0], [680.7068091172869, 387.4587515978617, 887.0266224036266, 1008.4395016981573, 0.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 0.0], [594.27568347138, 448.23959270334535, 654.7909108746678, 631.8043481426528, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077, 0.0], [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123, 0.0], [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622, 0.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 0.0], [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[890.270690667535, 416.5600108798207, 1019.4982011862036, 806.2466910468077, 0.0], [1043.9053155082634, 389.1433173289771, 1171.4434088792946, 773.7585277749123, 0.0], [831.1326034700725, 300.56019451281094, 1019.0397324590436, 866.2990380732622, 0.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 0.0], [596.3073852391991, 449.0330295236915, 656.4449585257624, 631.4606338629392, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693, 0.0], [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962, 0.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 0.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 0.0], [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 3, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[890.6374657613923, 416.55522724452766, 1019.8622353890602, 806.2336423083693, 0.0], [1043.837012018973, 391.90224113034844, 1172.1888302079378, 778.9570217689962, 0.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 0.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 0.0], [600.7237251877464, 451.7522986008445, 658.0516331621084, 625.7467597490457, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 4, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[878.3484772444568, 398.8036621028257, 1019.9969788123357, 825.7630188047867, 0.0], [1048.0561586943752, 350.89145015724466, 1189.2220567040683, 776.399665332003, 0.0], [886.1063581594066, 267.570922085103, 1079.270342583316, 849.0773224229362, 0.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 0.0], [602.2587324049942, 452.8425537101461, 658.482335267185, 623.5191016613531, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 5, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[885.3807659535405, 409.5566533815471, 1019.4796373565243, 813.8667982988308, 0.0], [1049.531028470096, 335.82713920584536, 1195.2867907099492, 775.0961988807359, 0.0], [867.4213433799924, 280.3820679708616, 1052.9709328084348, 839.0422529427552, 0.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 0.0], [602.6940325442614, 453.268021575872, 658.4925464659435, 622.6669295929515, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[887.8209826980443, 413.83562284258164, 1018.9208728185914, 809.1437694715341, 0.0], [1063.6716393443808, 371.2761799593026, 1199.2206782471435, 779.9335554408078, 0.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 0.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 0.0], [602.7217881816961, 453.43366159693426, 658.358451176413, 622.3460781176444, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0]]}, +{"trks": [[876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465, 0.0], [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125, 0.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 0.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 0.0], [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[876.454576470687, 397.84390745325067, 1018.7537059039826, 826.7541613768465, 0.0], [1068.8414672231306, 384.99609239361064, 1200.2859583317227, 781.3340419957125, 0.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 0.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 0.0], [601.4819883586125, 446.3668595411875, 662.7251080854786, 632.1212380437307, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]]}, +{"trks": [[893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471, 0.0], [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054, 0.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 0.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 0.0], [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[893.2955199678136, 392.0688337413912, 1039.6453613697458, 833.1228806263471, 0.0], [1089.0471380487804, 390.1484406470728, 1218.8907274552496, 781.6800621078054, 0.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 0.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 0.0], [600.9485033342513, 443.87911690695734, 664.1880948280681, 635.618342520442, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]]}, +{"trks": [[899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439, 0.0], [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752, 0.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 0.0], [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582, 0.0], [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 3}], "ret_trks": [[899.3433388668326, 389.89996656876485, 1047.2082712663712, 835.494711134439, 0.0], [1091.437429767329, 417.9649626553377, 1210.378819034528, 776.7936487730752, 0.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 0.0], [1060.4540504957065, 453.15353505743576, 1178.3212214877874, 808.7740872470582, 0.0], [606.5345835464858, 447.37161969440905, 667.6887710722173, 632.8500494810838, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]]}, +{"trks": [[901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916, 0.0], [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072, 0.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 0.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 0.0], [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 4}], "ret_trks": [[901.2766022443304, 389.0713904336121, 1049.7130558035906, 836.3787178331916, 0.0], [1096.1934863567299, 417.25148192640063, 1215.7761719939958, 777.992284836072, 0.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 0.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 0.0], [612.4438483201894, 451.5038184054443, 667.8299186038056, 619.6814079498927, 0.0], [505.0, 449.0, 544.0, 568.0, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]]}, +{"trks": [[898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066, 0.0], [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638, 0.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 0.0], [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723, 0.0], [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946, 0.0], [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 5, "confidence": 1, "age": 140}, {"time_since_observed": 1, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 5, "confidence": 1, "age": 140}, {"time_since_observed": 1, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 5}], "ret_trks": [[898.1592442755704, 408.50527825808217, 1040.6255447980877, 837.9036609779066, 0.0], [1098.223010439069, 401.7948760942995, 1223.6145336719949, 779.9694325336638, 0.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 0.0], [1075.9822336129787, 272.36695597888297, 1244.2684178894501, 779.2868609129723, 0.0], [613.8026306956269, 452.76217776956713, 669.2838472826922, 621.2144523785946, 0.0], [507.53170058458414, 448.7303722501208, 544.7032623730782, 562.2362514199641, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0], [1209.6, 449.36, 1241.0899999999997, 545.83, 0.0]]}, +{"trks": [[896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074, 0.0], [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411, 0.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 0.0], [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818, 0.0], [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836, 0.0], [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 6, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 6, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[896.7562309365908, 415.9074953819592, 1036.8733162690705, 838.2560270475074, 0.0], [1097.9885758753508, 428.02990372485255, 1220.065013400489, 796.2514074116411, 0.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 0.0], [1100.9278971660328, 269.6839637401376, 1271.242158706128, 782.6547587230818, 0.0], [614.1642927669956, 453.24721809132114, 669.6823560300487, 621.805931081836, 0.0], [505.94001140891737, 448.9100174948292, 544.2566135688255, 565.858213884946, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383, 0.0], [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772, 0.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 0.0], [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038, 0.0], [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708, 0.0], [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 7, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 7, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[899.4468001955408, 398.66726584342604, 1044.9759186106273, 837.2539607440383, 0.0], [1097.586883282065, 437.7389634923942, 1218.3751862217398, 802.0920822157772, 0.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 0.0], [1106.3853149962085, 268.7022399663587, 1277.178861190988, 783.103869972038, 0.0], [610.9541421566943, 450.97558973825585, 669.163720360437, 627.6155289338708, 0.0], [505.3397772827231, 448.9936973045371, 544.0819204248811, 567.2198142562642, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434, 0.0], [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742, 0.0], [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977, 0.0], [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242, 0.0], [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844, 0.0], [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 8, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 8, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[900.2335021694445, 392.1667191406579, 1047.7749125916637, 836.788867731434, 0.0], [1116.2685938372083, 408.8788642722383, 1242.104908553878, 788.3850941043742, 0.0], [950.3243668708667, 225.671474370971, 1133.9091396560273, 778.4340296495977, 0.0], [1084.4710958317428, 272.07113398102575, 1272.0397677154378, 836.8130605881242, 0.0], [612.8167265683613, 452.5323151282251, 669.3906343706027, 624.2609626178844, 0.0], [505.1132559747181, 449.02611062030655, 544.0156976104148, 567.7333841503042, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587, 0.0], [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707, 0.0], [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793, 0.0], [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397, 0.0], [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325, 0.0], [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[896.7915952457184, 409.4860507484716, 1038.891784725599, 837.7853774681587, 0.0], [1121.0592102015653, 430.0036679309363, 1243.3149984136057, 798.7625145222707, 0.0], [877.5432928139965, 272.23167047084786, 1072.6150031318823, 859.4600110288793, 0.0], [1098.9375295551456, 294.1436357284377, 1276.4751846787947, 828.7863872882397, 0.0], [613.4155194431023, 453.14631609076787, 669.3537873590058, 622.965230620325, 0.0], [505.0285137952681, 449.0364756367559, 543.9916560556634, 567.9259065287341, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704, 0.0], [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041, 0.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 0.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 0.0], [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257, 0.0], [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[895.3524071785189, 416.0841449058204, 1035.3167307395297, 837.9738751580704, 0.0], [1117.1797881606215, 448.085171570596, 1233.0256260674212, 797.6139927810041, 0.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 0.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 0.0], [613.5369161122117, 453.38552860823097, 669.231350230777, 622.4717125517257, 0.0], [504.9976223283642, 449.0380541223811, 543.983798363358, 567.9965972662925, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294, 0.0], [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866, 0.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 0.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 0.0], [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163, 0.0], [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 1, "confidence": 1, "age": 146}, {"time_since_observed": 1, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "ret_trks": [[907.2412120017647, 434.26811009426325, 1040.630693637897, 836.4419295959294, 0.0], [1122.4639072662042, 412.04867761731396, 1246.5159943917813, 786.2084294706866, 0.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 0.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 0.0], [613.600487192912, 446.48721560183156, 674.7756217477644, 632.0347100926163, 0.0], [504.9871267634314, 449.0363547793477, 543.982048260734, 568.0211354244055, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418, 0.0], [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385, 0.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 0.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 0.0], [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098, 0.0], [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 2, "confidence": 1, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 2, "confidence": 1, "age": 147}, {"time_since_observed": 2, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "ret_trks": [[902.3617743586855, 405.1221622542653, 1045.4425751556867, 836.3728560564418, 0.0], [1124.1455471906522, 398.5096118960603, 1251.1943953893845, 781.6576541801385, 0.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 0.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 0.0], [613.5694778004796, 444.0433709398535, 676.7065159882471, 635.471392058098, 0.0], [504.9842851991913, 449.033584021708, 543.9825245710593, 568.0283175051951, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783, 0.0], [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238, 0.0], [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828, 0.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 0.0], [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868, 0.0], [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 3, "confidence": 1, "age": 148}, {"time_since_observed": 3, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 3, "confidence": 1, "age": 148}, {"time_since_observed": 3, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "ret_trks": [[900.4047858697304, 394.27712663153466, 1047.0171090676818, 836.1160977930783, 0.0], [1124.4208235250362, 393.4005932302051, 1252.5966928090115, 779.9280384750238, 0.0], [892.6599867124523, 264.94621372758104, 1088.5649543800675, 854.6746757093828, 0.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 0.0], [618.7097823246685, 447.48579693308517, 679.7921551516912, 632.7463162128868, 0.0], [504.98424860674976, 449.0306003323635, 543.9837428098538, 568.0290973618435, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663, 0.0], [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677, 0.0], [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455, 0.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 0.0], [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413, 0.0], [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 4, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 4, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "ret_trks": [[899.5081680268221, 390.2117691167298, 1047.4445246849618, 836.0193954501663, 0.0], [1142.6939569145566, 391.4924285942965, 1271.2983664619383, 779.3047406460677, 0.0], [836.772143298899, 294.4333614516033, 1071.5697296272929, 1000.8613969004455, 0.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 0.0], [620.5376036387349, 448.8173684177116, 680.8154324695352, 631.6611662341413, 0.0], [504.9851780566569, 449.02772253356096, 543.9851428530744, 568.0276305332484, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 0.0], [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942, 0.0], [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799, 0.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 0.0], [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028, 0.0], [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 5, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 5, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "ret_trks": [[915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 0.0], [1149.1558859936702, 390.8028243478145, 1277.924234256269, 779.1066554321942, 0.0], [830.926290285666, 297.0388530796308, 1070.5448982264888, 1017.9182645082799, 0.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 0.0], [621.1027412683231, 449.3206434191078, 681.0683874185131, 631.226386337028, 0.0], [504.9863824222763, 449.0250566263869, 543.9865198943099, 568.0254819806524, 0.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 0.0]]}, +{"trks": [[917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 0.0], [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447, 0.0], [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676, 0.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 0.0], [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608, 0.0], [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511, 0.0], [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 6, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 6, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "ret_trks": [[917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 0.0], [1151.1381482872669, 390.5756165958301, 1279.9696750646551, 779.0688765162447, 0.0], [797.4663182127896, 277.3337278212989, 1049.8876368471433, 1036.6162278214676, 0.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 0.0], [621.1958982423539, 449.50510815363566, 681.039704362099, 631.0446440310608, 0.0], [504.987607647702, 449.02262645716974, 543.9878048710956, 568.023230490511, 0.0], [740.7958607695235, 390.2445257878039, 941.2589671068687, 993.6333239060582, 0.0]]}, +{"trks": [[920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 0.0], [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837, 0.0], [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186, 0.0], [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485, 0.0], [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219, 0.0], [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393, 0.0], [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 7, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 7, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "ret_trks": [[920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 0.0], [1145.615140109655, 391.2077157334213, 1286.9436396752262, 817.2027982550837, 0.0], [785.0866219572773, 269.8212691806302, 1042.151586105293, 1043.028530562186, 0.0], [1143.1648800160997, 259.9264496865247, 1317.107058093086, 783.7800697932485, 0.0], [621.1198704587858, 449.56826902348075, 680.9149299200134, 630.9612247830219, 0.0], [504.9887654777759, 449.02042547664416, 543.9889798934354, 568.021080578393, 0.0], [738.966297353916, 427.0141062426777, 926.8070398871804, 992.5285356578737, 0.0]]}, +{"trks": [[922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 0.0], [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674, 0.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 0.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 0.0], [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164, 0.0], [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712, 0.0], [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "ret_trks": [[922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 0.0], [1162.8884093159074, 422.0899914019766, 1291.4516422680033, 809.7927008647674, 0.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 0.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 0.0], [620.9897209352542, 449.5859019290882, 680.7640795832596, 630.9165548729164, 0.0], [504.9898299818166, 449.018436996187, 543.9900457764788, 568.019095774712, 0.0], [748.1319924133944, 407.6265858182788, 940.1553925862889, 985.6918508798653, 0.0]]}, +{"trks": [[925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 0.0], [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631, 0.0], [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742, 0.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 0.0], [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102, 0.0], [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902, 0.0], [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "ret_trks": [[925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 0.0], [1169.1628081857605, 434.17320797083335, 1292.5070701932193, 806.2051048339631, 0.0], [778.9183226390461, 269.66501064287934, 1038.0173435969105, 1048.9737322398742, 0.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 0.0], [624.8297834224646, 445.1673192269446, 687.4180716639568, 634.9442634371102, 0.0], [504.99079815398056, 449.016641948012, 543.9910096598745, 568.0172874374902, 0.0], [751.4052828244478, 400.27610655985364, 945.0440796797895, 983.1883626728811, 0.0]]}, +{"trks": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 2, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "ret_trks": [[928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 0.0], [1171.12963538468, 438.65188414154693, 1292.423359991172, 804.5244143532549, 0.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 0.0], [1147.8446262462833, 307.95943676247117, 1318.5714849420976, 822.1505012435723, 0.0], [626.171592734765, 443.53116028253055, 689.7974872714667, 636.4193539344452, 0.0], [506.40515696061505, 447.7078770298325, 547.3029692885997, 572.4079073155317, 0.0], [752.4394259131863, 397.4846995283914, 946.7341891882962, 982.3654908394941, 0.0]]}, +{"trks": [[930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 0.0], [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293, 0.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 0.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 0.0], [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999, 0.0], [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393, 0.0], [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 1, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 1, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "ret_trks": [[930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 0.0], [1171.4660293406046, 440.1675719277173, 1291.9690561301536, 803.664697195293, 0.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 0.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 0.0], [626.553623917712, 442.9143360347571, 690.5671802105505, 636.9643460801999, 0.0], [505.5016113816986, 448.483057346049, 545.2355097999015, 569.6887036247393, 0.0], [752.6379045746321, 424.6525096364192, 947.2226214255654, 1010.4037980514765, 0.0]]}, +{"trks": [[933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 0.0], [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961, 0.0], [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842, 0.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 0.0], [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031, 0.0], [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808, 0.0], [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 2, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 2, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "ret_trks": [[933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 0.0], [1176.0179533869073, 429.06919909704766, 1307.847618748177, 826.5613235989961, 0.0], [776.0375688519816, 270.67176564734, 1035.5146830830433, 1051.1102559481842, 0.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 0.0], [626.5779811771213, 442.6810740409743, 690.7350450448612, 637.1609749770031, 0.0], [505.161335462355, 448.7913131418112, 544.4426350454393, 568.6369154388808, 0.0], [749.2671756321955, 418.3985966585294, 913.3867782544061, 912.7618566710375, 0.0]]}, +{"trks": [[935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 0.0], [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464, 0.0], [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054, 0.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 0.0], [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148, 0.0], [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243, 0.0], [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "ret_trks": [[935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 0.0], [1189.6531592568551, 435.8827691541273, 1314.3114158791961, 811.8558941490464, 0.0], [834.7532229036273, 326.1757793832024, 1055.527602550718, 990.5169563364054, 0.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 0.0], [631.090224145856, 446.8880561750484, 692.5554446202817, 633.2948021933148, 0.0], [505.03393107121235, 448.9111226171033, 544.1412995988413, 568.2338960785243, 0.0], [727.4051884067901, 418.58824319090047, 878.5116817053854, 873.8658782024094, 0.0]]}, +{"trks": [[938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 0.0], [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368, 0.0], [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664, 0.0], [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922, 0.0], [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614, 0.0], [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541, 0.0], [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 3, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 3, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "ret_trks": [[938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 0.0], [1194.4141583998526, 438.49685605038997, 1316.2244767995899, 805.9194166268368, 0.0], [830.6803687045012, 341.9140032873013, 1064.855162042553, 1046.4560301346664, 0.0], [1216.7611018487694, 356.4327926073451, 1369.1563486300681, 815.6124425837922, 0.0], [632.6914181357018, 448.53850932064006, 693.0966104363769, 631.76303697614, 0.0], [504.98765723062655, 448.9577206516912, 544.0284970806807, 568.0804896228541, 0.0], [740.7967677192197, 419.3211161685287, 886.8083059651564, 859.2894486379746, 0.0]]}, +{"trks": [[940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 0.0], [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256, 0.0], [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661, 0.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 0.0], [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746, 0.0], [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959, 0.0], [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "ret_trks": [[940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 0.0], [1195.7771239514852, 439.38372139120713, 1316.4836540788322, 803.4915978858256, 0.0], [821.4563799399675, 361.25209716260855, 1049.837442007578, 1048.4065273826661, 0.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 0.0], [633.1779339158667, 449.17296131749316, 693.1721358382064, 631.163200318746, 0.0], [504.9722872280422, 448.9762472927284, 543.9877268124185, 568.0226535704959, 0.0], [745.9348919972366, 419.8749415453873, 890.1082155786222, 854.3199723352733, 0.0]]}, +{"trks": [[943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 0.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 0.0], [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413, 0.0], [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709, 0.0], [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894, 0.0], [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477, 0.0], [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 1, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "ret_trks": [[943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 0.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 0.0], [838.5615292004825, 378.76098390475994, 1055.351120947566, 1031.1343649396413, 0.0], [1182.1796879861322, 351.1265400932608, 1350.1001024049606, 856.9050703902709, 0.0], [633.2477367313519, 449.4135821162963, 693.0828644211136, 630.9259808505894, 0.0], [504.96857289766797, 448.9840252647935, 543.9743233203066, 568.0013024928477, 0.0], [747.8927300106056, 420.28394615794144, 891.4969091281298, 853.0199126122127, 0.0]]}, +{"trks": [[946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 0.0], [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768, 0.0], [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446, 0.0], [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178, 0.0], [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532, 0.0], [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936, 0.0], [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 246}, {"time_since_observed": 1, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "ret_trks": [[946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 0.0], [1206.3678661362717, 446.7602727720206, 1332.1498911432602, 826.1033376404768, 0.0], [856.5306972563997, 374.25979890833395, 1078.2990398484633, 1041.5710341862446, 0.0], [1196.7162453687727, 357.3643184329907, 1350.1082017065398, 819.5422746711178, 0.0], [641.796919886823, 449.50326604426704, 701.5698119945222, 630.828666095532, 0.0], [504.96913403901664, 448.98765435590605, 543.9711915354367, 567.9938296439936, 0.0], [748.6299038471872, 420.61006819538795, 892.1431632888526, 853.0743362119039, 0.0]]}, +{"trks": [[948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 0.0], [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137, 0.0], [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319, 0.0], [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199, 0.0], [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025, 0.0], [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164, 0.0], [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "ret_trks": [[948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 0.0], [1217.1004530434936, 440.55423702067776, 1338.7950947231536, 807.6293324039137, 0.0], [863.0488248484266, 372.1238560640784, 1086.6924843165664, 1045.0608968822319, 0.0], [1205.446073175213, 325.6315782823517, 1370.0251982727457, 821.3851899885199, 0.0], [644.8709578173748, 449.53552653807634, 704.6187257062686, 630.7853960285025, 0.0], [504.9711502962965, 448.9896456102722, 543.9718025840897, 567.9915966925164, 0.0], [770.182433262473, 420.8840542460074, 913.7779972845073, 853.5972104580716, 0.0]]}, +{"trks": [[951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 0.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 0.0], [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547, 0.0], [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933, 0.0], [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189, 0.0], [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056, 0.0], [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 248}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "ret_trks": [[951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 0.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 0.0], [865.195231167242, 370.8932401451969, 1089.5542332210364, 1045.9761694472547, 0.0], [1208.2237244684611, 314.67170188465786, 1376.6095068710579, 821.8437919694933, 0.0], [641.8443571684778, 445.15121433609653, 704.3887821577767, 634.7951115027189, 0.0], [504.97355419044356, 448.99095703941555, 543.973673923098, 567.9913073925056, 0.0], [778.1577456713685, 421.119564847562, 921.8931137087175, 854.2543416293884, 0.0]]}, +{"trks": [[953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 0.0], [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939, 0.0], [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698, 0.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 0.0], [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449, 0.0], [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158, 0.0], [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249}, {"time_since_observed": 1, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_kalman_trackers": [{"time_since_observed": 15, "confidence": 1, "age": 249}, {"time_since_observed": 1, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "ret_trks": [[953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 0.0], [1224.8055386211386, 440.3522541015249, 1345.4444928015191, 804.2571723740939, 0.0], [865.6957513747421, 370.0419439554434, 1090.330520779024, 1045.9521337254698, 0.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 0.0], [640.5674092412258, 443.5296498154253, 704.1448698259557, 636.2709928393449, 0.0], [504.9759513178497, 448.99195730942944, 543.97587127134, 567.9917073412158, 0.0], [780.9527632364653, 421.32336699316403, 924.842213692053, 854.9225858445113, 0.0]]}, +{"trks": [[956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 0.0], [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195, 0.0], [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327, 0.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 0.0], [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083, 0.0], [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936, 0.0], [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_kalman_trackers": [{"time_since_observed": 16, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "ret_trks": [[956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 0.0], [1228.3666073193137, 444.52474478154164, 1355.1532590137897, 826.8848637574195, 0.0], [875.6023894112727, 355.1326807170954, 1110.7092145243855, 1062.4643581407327, 0.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 0.0], [643.9456298834195, 447.21243675166187, 705.1693672473923, 632.8936058035083, 0.0], [506.4028248145905, 447.72394776239213, 547.2743792358781, 572.3439136829936, 0.0], [776.0609343022323, 420.594750049455, 927.3831857295173, 876.5135006459485, 0.0]]}, +{"trks": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_kalman_trackers": [{"time_since_observed": 17, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "ret_trks": [[958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 0.0], [1229.3800476917038, 445.3980818165828, 1357.587850193507, 832.0223928082708, 0.0], [900.2634743931576, 409.2132346468854, 1111.4256311200734, 1044.7281112356375, 0.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 0.0], [653.7426857674941, 448.65411536684405, 714.0429288783055, 631.5628541180765, 0.0], [506.9348109054332, 447.26056537133627, 548.4972491152977, 573.9518975285725, 0.0], [779.7061784309028, 442.4145891793719, 926.7088138893746, 885.3660155319885, 0.0]]}, +{"trks": [[961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 0.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 0.0], [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543, 0.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 0.0], [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817, 0.0], [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679, 0.0], [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_kalman_trackers": [{"time_since_observed": 18, "confidence": 1, "age": 252}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "ret_trks": [[961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 0.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 0.0], [896.3898813997968, 394.4487788647962, 1106.4445683554604, 1026.6192422170543, 0.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 0.0], [653.8614889586261, 444.8360330934249, 716.5977395364487, 635.0547799735817, 0.0], [505.66792520393597, 448.27073304257374, 545.664000465179, 570.263185830679, 0.0], [780.9154524687035, 450.6303683551762, 926.319149299904, 888.7816915998139, 0.0]]}, +{"trks": [[964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 0.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 0.0], [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218, 0.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 0.0], [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606, 0.0], [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529, 0.0], [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253}, {"time_since_observed": 1, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_kalman_trackers": [{"time_since_observed": 19, "confidence": 1, "age": 253}, {"time_since_observed": 1, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "ret_trks": [[964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 0.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 0.0], [894.5535914212493, 388.5930098294443, 1104.1886699060387, 1019.4963072332218, 0.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 0.0], [657.1093497610858, 447.72738261879226, 717.9974575972725, 632.4008891145606, 0.0], [506.62991988364473, 447.447081531031, 547.8625572909144, 573.1495873070529, 0.0], [798.3011526401241, 431.5417938505602, 950.3742233048246, 889.7183126725256, 0.0]]}, +{"trks": [[966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 0.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 0.0], [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144, 0.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 0.0], [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389, 0.0], [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731, 0.0], [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254}, {"time_since_observed": 2, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_kalman_trackers": [{"time_since_observed": 20, "confidence": 1, "age": 254}, {"time_since_observed": 2, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "ret_trks": [[966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 0.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 0.0], [907.1819536747643, 375.0382780909728, 1126.3352078303117, 1034.504395162144, 0.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 0.0], [658.1616205253174, 448.85328429446207, 718.3283908146022, 631.3610277258389, 0.0], [506.98133636980646, 447.13576752395153, 548.6749734474677, 574.2199091610731, 0.0], [808.6859494343835, 446.2207548108206, 956.2109850062316, 890.7446667608799, 0.0]]}, +{"trks": [[969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 0.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 0.0], [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216, 0.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 0.0], [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126, 0.0], [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581, 0.0], [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255}, {"time_since_observed": 3, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_kalman_trackers": [{"time_since_observed": 21, "confidence": 1, "age": 255}, {"time_since_observed": 3, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "ret_trks": [[969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 0.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 0.0], [911.565775300847, 369.82618452433263, 1134.2508600365782, 1039.8881413857216, 0.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 0.0], [658.5665186007393, 438.11716784836443, 724.310713411616, 637.3701772366126, 0.0], [507.0959524056155, 447.00738980656325, 548.9627315732508, 574.6101598153581, 0.0], [808.1525839128126, 429.76104927726965, 961.1165643971651, 890.6139508652507, 0.0]]}, +{"trks": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_kalman_trackers": [{"time_since_observed": 22, "confidence": 1, "age": 256}, {"time_since_observed": 4, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 7, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "ret_trks": [[971.7999752784494, 418.45237879136295, 1114.2709627118793, 847.8675820807669, 0.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 0.0], [912.7850595685439, 367.67878334705364, 1136.8074398078202, 1041.7523875024165, 0.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 0.0], [658.584753003507, 444.14759315027374, 726.3362057356939, 649.4160090709331, 0.0], [507.12094178758764, 446.9478794157078, 549.0521733209374, 574.7436018847571, 0.0], [811.7052470478294, 445.35105474221825, 959.7108070935338, 891.319999433898, 0.0]]}, +{"trks": [[802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387, 0.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 0.0], [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367, 0.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 0.0], [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851, 0.0], [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013, 0.0], [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 5, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 8, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 5, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 8, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "ret_trks": [[802.0127198171008, 298.3835473405528, 1010.7736306111863, 926.6917472664387, 0.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 0.0], [912.8271781085834, 366.6994426544247, 1137.36107767187, 1042.3074812155367, 0.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 0.0], [666.7449444389687, 447.25068451251775, 729.6440594009804, 637.9679717062851, 0.0], [507.11323454425326, 446.9153953525509, 549.0676500398891, 574.7804439191013, 0.0], [812.7542478743729, 451.22574170800596, 958.8848701209128, 891.5658382129295, 0.0]]}, +{"trks": [[799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798, 0.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 0.0], [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271, 0.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 0.0], [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929, 0.0], [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961, 0.0], [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 6, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 9, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 6, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 9, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "ret_trks": [[799.7207103229739, 296.05363535899636, 1009.8923707973815, 928.5821726693798, 0.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 0.0], [912.4568650083984, 366.1786055682786, 1137.1886071478843, 1042.380140977271, 0.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 0.0], [666.9281148629835, 444.29125031584863, 730.6178664453101, 637.372209554929, 0.0], [507.0946293206736, 446.8941855922882, 549.056554440472, 574.7816122062961, 0.0], [812.8574739336741, 453.3366252526266, 958.3241984234123, 891.6840472995782, 0.0]]}, +{"trks": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 7, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 10, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "ret_trks": [[784.4612631448442, 274.2840870973148, 1027.123566787205, 1004.3145476777186, 0.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 0.0], [911.964826446787, 365.8461960253238, 1136.7748207952654, 1042.2824993776558, 0.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 0.0], [666.8044920736157, 443.17177180232534, 730.7915382895595, 637.1411035619606, 0.0], [507.07336183321075, 446.8782087984907, 549.0368687097523, 574.7702616556676, 0.0], [800.7264989841325, 429.4329305944216, 960.9387235080734, 912.0561792742176, 0.0]]}, +{"trks": [[811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 0.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 0.0], [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212, 0.0], [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801, 0.0], [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219, 0.0], [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626, 0.0], [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 8, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 260}, {"time_since_observed": 8, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "ret_trks": [[811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 0.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 0.0], [927.7406430816726, 376.3463374010718, 1143.164916925086, 1024.6207758180212, 0.0], [1288.5196440019963, 345.8907429589367, 1444.523774179112, 815.9100316301801, 0.0], [670.8576720327769, 436.06178450044246, 737.9509402073656, 639.3527959825219, 0.0], [505.5966367660358, 448.03586361187104, 545.7505868962176, 570.5018650270626, 0.0], [803.7149712693839, 422.976533417438, 961.7006841546548, 898.9101134414545, 0.0]]}, +{"trks": [[811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 0.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 0.0], [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612, 0.0], [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612, 0.0], [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727, 0.0], [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306, 0.0], [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 9, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 261}, {"time_since_observed": 9, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "ret_trks": [[811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 0.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 0.0], [916.4841714002335, 388.3324589664492, 1119.515107321015, 999.4327587829612, 0.0], [1315.9982385528149, 419.03455492865805, 1455.256178436806, 838.7966949930612, 0.0], [670.6173402023142, 452.86852645485754, 733.2420413375266, 642.7597281340727, 0.0], [505.05702692380356, 448.5197784524612, 544.4990499782991, 568.8478643556306, 0.0], [796.9942259293491, 418.284186340778, 961.7307381787584, 914.4813053119444, 0.0]]}, +{"trks": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 262}, {"time_since_observed": 10, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "ret_trks": [[810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 0.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 0.0], [898.8939203987454, 385.0104378742748, 1105.9036560442707, 1008.0392344943607, 0.0], [1321.9597226669548, 400.9377875110846, 1467.1419038592744, 838.4751969340169, 0.0], [674.3214465821005, 440.85141920923127, 744.2220212441019, 652.5868215481715, 0.0], [504.86738609007136, 448.71913823019815, 544.0343637812176, 568.2208004159404, 0.0], [794.314351513076, 416.54349595096613, 961.5829683270115, 920.3390511799782, 0.0]]}, +{"trks": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 263}, {"time_since_observed": 11, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}], "ret_trks": [[811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 0.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 0.0], [905.3668145117896, 391.8082540788112, 1105.0383171453677, 992.8251042858628, 0.0], [1320.1206816012154, 415.11260283269905, 1460.8187963470514, 839.1957538360497, 0.0], [673.1307919912068, 445.06602368897575, 742.4325018769345, 654.9879576521071, 0.0], [504.80947301406525, 448.80515307672437, 543.87099866863, 567.9899008745799, 0.0], [793.1630035492768, 415.8338571966385, 961.4138188271164, 922.5767699545809, 0.0]]}, +{"trks": [[811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 0.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 0.0], [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694, 0.0], [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252, 0.0], [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833, 0.0], [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192, 0.0], [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 12, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 264}, {"time_since_observed": 12, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 0.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 0.0], [907.7685249739161, 394.51133676037915, 1104.5716260822503, 986.9219444563694, 0.0], [1330.1371331839205, 436.0695690763969, 1463.3416070065523, 837.6790727532252, 0.0], [674.9622970681817, 438.0461593697127, 747.2244782721723, 656.8494389252833, 0.0], [504.8006336243556, 448.8465900709529, 543.8218731591363, 567.9102591285192, 0.0], [807.0723695617577, 411.37170150219083, 983.8117693906194, 943.589668413821, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]]}, +{"trks": [[811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 0.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 0.0], [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041, 0.0], [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197, 0.0], [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133, 0.0], [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355, 0.0], [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 13, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 265}, {"time_since_observed": 13, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 2}], "ret_trks": [[811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 0.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 0.0], [908.5920063942277, 395.5615302561942, 1104.2947270810814, 984.6703390492041, 0.0], [1342.1148804502993, 427.8913397605809, 1478.261693177283, 838.3218682445197, 0.0], [675.4758616635854, 435.388188789347, 748.8336550634026, 657.4754663804133, 0.0], [504.8093685517208, 448.87018473490025, 543.8152613984453, 567.8877306756355, 0.0], [812.1288115634659, 409.6979360500377, 992.0181959633298, 951.3660804170781, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]]}, +{"trks": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 266}, {"time_since_observed": 14, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 3}], "ret_trks": [[811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 0.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 0.0], [908.8161412759811, 395.96667137572393, 1104.1031610798038, 983.8281423552946, 0.0], [1346.0424740659328, 424.57140534034755, 1483.2988539217977, 838.3275807776599, 0.0], [677.8842286822783, 439.3422934654925, 745.6914872194181, 644.7850382237252, 0.0], [504.8237023316338, 448.88624160735526, 543.8237775500056, 567.8863050666546, 0.0], [813.7700414020413, 408.9533950086381, 994.8616911694097, 954.2280846186118, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]]}, +{"trks": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 267}, {"time_since_observed": 15, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 4}], "ret_trks": [[811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 0.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 0.0], [908.818702596104, 396.12292341386836, 1103.9528788480116, 983.5258303097619, 0.0], [1346.9395748687639, 423.11141708346497, 1484.6201001373383, 838.1387855688798, 0.0], [676.2145946808333, 435.80040015643715, 747.9217205627721, 652.9422549333912, 0.0], [504.83914035924226, 448.89875395810066, 543.8370359489707, 567.8922693856341, 0.0], [814.1219734098697, 408.5525457845289, 995.6841276806604, 955.2387297801432, 0.0], [629.0, 457.0, 648.0, 516.0, 0.0]]}, +{"trks": [[811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365, 0.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 0.0], [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621, 0.0], [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375, 0.0], [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982, 0.0], [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756, 0.0], [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659, 0.0], [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 268}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[811.2946436496122, 311.05775066384723, 1054.676474170228, 1043.2379773264365, 0.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 0.0], [908.9679642212982, 376.2936074651646, 1123.0010339203775, 1020.411147191621, 0.0], [1356.5973966239164, 438.26699301619976, 1488.6171052426841, 836.318820620375, 0.0], [675.4506635271774, 434.5163864814516, 748.5895776116137, 655.9485071998982, 0.0], [504.8540536345616, 448.90930370094424, 543.8511574037229, 567.900442258756, 0.0], [814.003999672299, 408.2892357874051, 995.7585487827471, 955.5527293872659, 0.0], [1632.2300374500871, 405.9706044051899, 1766.3299625499128, 810.4893955948099, 0.0]]}, +{"trks": [[780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512, 0.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 0.0], [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564, 0.0], [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412, 0.0], [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742, 0.0], [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364, 0.0], [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719, 0.0], [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[780.888228519228, 265.09256811223946, 1038.6390396682068, 1040.3514015020512, 0.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 0.0], [908.5217605693631, 388.20218497087654, 1111.034278357961, 997.7528205403564, 0.0], [1359.7419619053662, 443.9104556848222, 1489.539311676243, 835.2949287250412, 0.0], [675.0235127617801, 434.02213925979964, 748.6984319366003, 657.0595656338742, 0.0], [504.86790607128154, 448.9185502894475, 543.8647466202447, 567.9089006601364, 0.0], [813.7292044031794, 408.08702322000005, 995.5697299182059, 955.6086300560719, 0.0], [1644.5196838698052, 410.77707910222773, 1769.201854591733, 786.8867670516184, 0.0]]}, +{"trks": [[803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265, 0.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 0.0], [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765, 0.0], [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061, 0.0], [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462, 0.0], [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497, 0.0], [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309, 0.0], [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[803.7190441936809, 267.1952728820805, 1040.4624994185453, 979.4452442029265, 0.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 0.0], [908.3782141616798, 393.01747066696913, 1106.3202475614692, 988.8498293770765, 0.0], [1370.329915720663, 429.7760954678634, 1505.2283519684229, 836.4620663413061, 0.0], [674.7350788662715, 433.82087625431507, 748.6102032299892, 657.4576934558462, 0.0], [504.88057348755973, 448.92679739273166, 543.877351409573, 567.9169623896497, 0.0], [798.8126855638883, 411.6409466142077, 972.8785326612284, 935.8381377346309, 0.0], [1651.1050198048495, 405.523470028768, 1762.8181800136, 742.5951683463596, 0.0]]}, +{"trks": [[788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101, 0.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 0.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 0.0], [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719, 0.0], [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218, 0.0], [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093, 0.0], [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291, 0.0], [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 189}, {"time_since_observed": 0, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[788.4389677763119, 239.18096696589942, 1051.7251619826993, 1031.062025640101, 0.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 0.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 0.0], [1382.367575711585, 440.27855748934644, 1513.2975973191599, 835.0615639457719, 0.0], [686.1498507690611, 438.67864536604833, 754.1600613897291, 644.7304291013218, 0.0], [504.89208237274596, 448.93420857840135, 543.8888730813975, 567.9244147753093, 0.0], [793.1735986549816, 413.12947725568586, 964.197305638605, 928.1972565701291, 0.0], [1652.5291715516464, 405.5765390315264, 1762.294244184372, 736.8008172844668, 0.0]]}, +{"trks": [[813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 0.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 0.0], [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362, 0.0], [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492, 0.0], [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592, 0.0], [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631, 0.0], [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446, 0.0], [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 272}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 0.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 0.0], [909.9289630078956, 375.98416485019726, 1124.799030218712, 1022.6110983041362, 0.0], [1384.0122444573556, 429.12117816941054, 1525.848195817414, 856.6299990155492, 0.0], [696.0233881967547, 444.1132394090376, 764.5771829880503, 651.7860127611592, 0.0], [504.902510100826, 448.9408896409515, 543.8993412696691, 567.9312201276631, 0.0], [791.0548228844054, 413.7183165994924, 960.9206334374883, 925.311013100446, 0.0], [1631.3202901541142, 406.0584532980181, 1741.0564831593408, 737.2072005164391, 0.0]]}, +{"trks": [[814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942, 0.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 0.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 0.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 0.0], [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156, 0.0], [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671, 0.0], [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864, 0.0], [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 273}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 273}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 189}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[814.3476528699804, 274.73602287051057, 1064.3897836606059, 1026.8823261943942, 0.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 0.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 0.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 0.0], [693.8773669878734, 442.78149803096414, 759.7247313627298, 642.3336682294156, 0.0], [504.9119472053892, 448.9469202758681, 543.9088283321819, 567.9374035170671, 0.0], [804.7863917138452, 409.93527592571456, 982.233991671156, 944.2801490848864, 0.0], [1621.8231391081774, 389.3982092226206, 1739.0986166942246, 743.2159856960598, 0.0]]}, +{"trks": [[824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598, 0.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 0.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 0.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 0.0], [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542, 0.0], [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828, 0.0], [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071, 0.0], [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 192}, {"time_since_observed": 1, "confidence": 1, "age": 190}, {"time_since_observed": 1, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "ret_trks": [[824.3491810147766, 289.08035564393924, 1068.1712428120952, 1022.5593189001598, 0.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 0.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 0.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 0.0], [698.5278996090593, 445.6353179447538, 766.2660379775026, 650.8580864164542, 0.0], [504.92048347512554, 448.9523664942899, 543.9174171667946, 567.9430102474828, 0.0], [819.7372376289718, 412.3476293991204, 992.131832088512, 931.5305564554071, 0.0], [1604.357183609924, 400.6935531929028, 1717.3546460694351, 741.6581067124409, 0.0]]}, +{"trks": [[826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148, 0.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 0.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 0.0], [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172, 0.0], [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153, 0.0], [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807, 0.0], [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638, 0.0], [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193}, {"time_since_observed": 2, "confidence": 1, "age": 191}, {"time_since_observed": 2, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 193}, {"time_since_observed": 2, "confidence": 1, "age": 191}, {"time_since_observed": 2, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "ret_trks": [[826.6850414901992, 292.52509658748886, 1068.9917976316972, 1021.4559886007148, 0.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 0.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 0.0], [1396.660566324314, 429.22258940583094, 1542.375778633393, 868.3619589855172, 0.0], [700.0792225946584, 446.69463042884354, 768.523750939268, 654.0345799929153, 0.0], [504.9282031582386, 448.95728569379185, 543.9251894367537, 567.9480899507807, 0.0], [825.2268289978861, 413.32753625004807, 995.6689008644055, 926.6506797203638, 0.0], [1599.4420130271706, 404.9278034171749, 1711.0259782180506, 741.6473649417993, 0.0]]}, +{"trks": [[827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025, 0.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 0.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 0.0], [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228, 0.0], [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151, 0.0], [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837, 0.0], [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619, 0.0], [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194}, {"time_since_observed": 3, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 194}, {"time_since_observed": 3, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "ret_trks": [[827.4102901767752, 293.65557413090977, 1069.1696597074974, 1020.9434815196025, 0.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 0.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 0.0], [1414.7453123802882, 393.25811986610387, 1571.1557041527333, 864.494095069228, 0.0], [704.0615868723089, 443.6950431867268, 769.860952067231, 643.1010823062151, 0.0], [504.9351836193232, 448.9617289090187, 543.9322215630291, 567.952690828837, 0.0], [827.0969620381265, 413.71376042543864, 996.8030559972854, 924.828116214619, 0.0], [1598.6585182958947, 406.5873301628833, 1709.835808051776, 742.0873708275049, 0.0]]}, +{"trks": [[827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022, 0.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 0.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 0.0], [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527, 0.0], [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155, 0.0], [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936, 0.0], [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875, 0.0], [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195}, {"time_since_observed": 4, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 195}, {"time_since_observed": 4, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "ret_trks": [[827.5546554771579, 293.9567715277254, 1069.1068146763973, 1020.6227318677022, 0.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 0.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 0.0], [1436.1441448998976, 411.3247943638631, 1587.4004858655253, 867.0909021255527, 0.0], [705.3757612964134, 442.62783575994223, 770.1358070774888, 638.9139602005155, 0.0], [504.94149527683584, 448.96574196137504, 543.9385836445974, 567.9568577459936, 0.0], [827.5991503685907, 413.86591643458905, 997.0382704497572, 924.1791733000875, 0.0], [1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 0.0]]}, +{"trks": [[827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 0.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 0.0], [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291, 0.0], [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752, 0.0], [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071, 0.0], [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032, 0.0], [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676, 0.0], [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196}, {"time_since_observed": 5, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 278}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 196}, {"time_since_observed": 5, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 11}], "ret_trks": [[827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 0.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 0.0], [881.3388429766572, 298.22478213907954, 1116.0246966874688, 1004.3044947561291, 0.0], [1443.022552670897, 417.545668509295, 1592.4465595088034, 867.810665164752, 0.0], [706.5469880965131, 446.4961514406403, 768.2036578930624, 633.4756461146071, 0.0], [504.94720198991735, 448.96936616284063, 543.9443394570577, 567.9606317661032, 0.0], [827.5966378485961, 413.92664072050115, 996.9480841312487, 923.9769745715676, 0.0], [1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 0.0]]}, +{"trks": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 279}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 12}], "ret_trks": [[828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 0.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 0.0], [950.0173540885124, 358.6091030413827, 1176.3725772886278, 1039.6854808738467, 0.0], [1444.888079342295, 419.77163874450474, 1593.6157372864186, 867.9458373718942, 0.0], [702.2810338853371, 446.9452692925953, 768.485016131662, 647.5722559490777, 0.0], [504.9523615788314, 448.972638825073, 543.9495468250084, 567.9640502166421, 0.0], [827.4187811187702, 413.95100340537806, 996.7506390807465, 923.9427734283436, 0.0], [1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 0.0]]}, +{"trks": [[829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 0.0], [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 0.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 0.0], [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184, 0.0], [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955, 0.0], [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682, 0.0], [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325, 0.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 280}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 13}], "ret_trks": [[829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 0.0], [1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 0.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 0.0], [1466.1912570068816, 420.4968436006734, 1614.65255862298, 867.8712752100184, 0.0], [710.4649350692898, 447.1898018038227, 778.3248273044103, 652.7791239076955, 0.0], [504.9570263612832, 448.97559367150285, 543.954258101988, 567.9671469313682, 0.0], [827.1901649049598, 413.9601409256009, 996.5279933376082, 923.970057761325, 0.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 0.0]]}, +{"trks": [[831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 0.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 0.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 0.0], [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046, 0.0], [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606, 0.0], [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222, 0.0], [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121, 0.0], [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 281}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 199}, {"time_since_observed": 1, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 14}], "ret_trks": [[831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 0.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 0.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 0.0], [1458.1711227235762, 369.44541409072247, 1620.8500968942851, 859.5008310320046, 0.0], [716.2970255069969, 453.1517887181323, 781.8588264902129, 651.8454263153606, 0.0], [504.961243662709, 448.9782611916946, 543.95852065938, 567.9699525404222, 0.0], [826.9569945369417, 413.962229390317, 996.3101260472158, 924.0182989132121, 0.0], [1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 0.0]]}, +{"trks": [[832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 0.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 0.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 0.0], [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106, 0.0], [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227, 0.0], [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147, 0.0], [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 282}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 200}, {"time_since_observed": 2, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "ret_trks": [[832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 0.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 0.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 0.0], [1469.5893136138664, 401.1504990840675, 1623.5344758461554, 864.9923675640106, 0.0], [715.3378216796501, 449.43318086686816, 782.955609916981, 654.2940373607227, 0.0], [504.9650562874884, 448.98066895486886, 543.9623773495919, 567.9724947597147, 0.0], [826.7355700821105, 413.9605140925718, 996.1071615479299, 924.072205205603, 0.0]]}, +{"trks": [[833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 0.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 0.0], [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383, 0.0], [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279, 0.0], [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894, 0.0], [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848, 0.0], [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201}, {"time_since_observed": 3, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 283}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 201}, {"time_since_observed": 3, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "ret_trks": [[833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 0.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 0.0], [967.9066925673053, 366.710328930218, 1193.3808460771054, 1045.1414966509383, 0.0], [1473.2732053007574, 413.3630911262891, 1623.7496858872717, 866.7896548670279, 0.0], [714.7744965734247, 447.9932503852105, 783.1596521076436, 655.154386420894, 0.0], [504.96850294883853, 448.98284189080687, 543.965866933002, 567.9747986629848, 0.0], [826.5308607635347, 413.9563596262531, 995.9217304941408, 924.1261220262681, 0.0]]}, +{"trks": [[834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 0.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 0.0], [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926, 0.0], [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106, 0.0], [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742, 0.0], [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052, 0.0], [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 284}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "ret_trks": [[834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 0.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 0.0], [930.0764538086476, 391.5161295499058, 1169.0552833124473, 1110.466334515926, 0.0], [1480.8361704238357, 417.77824738234926, 1636.7592890869767, 887.5501899253106, 0.0], [714.3747084639671, 447.4072542679279, 783.0488985860826, 655.4345348846742, 0.0], [504.9716186590428, 448.9848025428936, 543.9690244671751, 567.9768869318052, 0.0], [826.3436137466466, 413.95040573775043, 995.7537053746274, 924.1780639741052, 0.0]]}, +{"trks": [[836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 0.0], [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 0.0], [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953, 0.0], [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683, 0.0], [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279, 0.0], [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019, 0.0], [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 285}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "ret_trks": [[836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 0.0], [1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 0.0], [926.1883051659999, 394.250413889709, 1166.952130866719, 1118.5545248102953, 0.0], [1497.4380808654425, 419.3648963889918, 1648.6891668697483, 875.1145969300683, 0.0], [723.9706274036488, 447.1486213451485, 792.7531096318008, 655.5003297042279, 0.0], [504.97443508292173, 448.9865712965843, 543.9718816600491, 567.9787800832019, 0.0], [826.1730679245946, 413.94300558803127, 995.6020081758683, 924.2274332662142, 0.0]]}, +{"trks": [[837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 0.0], [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 0.0], [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216, 0.0], [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732, 0.0], [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492, 0.0], [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951, 0.0], [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 286}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "ret_trks": [[837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 0.0], [1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 0.0], [924.814688861336, 394.9268244081458, 1166.1870114043622, 1121.0559972924216, 0.0], [1503.0033646515972, 419.935171090686, 1652.4316648434847, 870.2127826934732, 0.0], [727.3738879385007, 447.01824937602345, 796.1959399584955, 655.4884405600492, 0.0], [504.9769808577217, 448.9881665858813, 543.9744671898088, 567.9804966760951, 0.0], [826.0179837955222, 413.93439256559355, 995.4652943925187, 924.2741483844391, 0.0]]}, +{"trks": [[838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002, 0.0], [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 0.0], [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242, 0.0], [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744, 0.0], [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388, 0.0], [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312, 0.0], [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 287}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 287}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "ret_trks": [[838.4721048127176, 304.6929585182411, 1079.8933977101037, 1030.965767555002, 0.0], [1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 0.0], [924.210422318462, 394.81156375616825, 1165.8103364071012, 1121.6233335950242, 0.0], [1504.398927168554, 420.0817553391697, 1653.1251374847852, 868.2514633084744, 0.0], [728.427656706637, 446.9400579491327, 797.2631055913748, 655.4503027814388, 0.0], [504.9792818825045, 448.9896050800113, 543.9768069943582, 567.9820534982312, 0.0], [825.8770287632958, 413.92474441978794, 995.3422063611076, 924.318312093159, 0.0]]}, +{"trks": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 288}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "ret_trks": [[826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 0.0], [1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 0.0], [927.5647880639725, 414.0343096891952, 1150.0550032899257, 1083.5215295675548, 0.0], [1511.9239651971297, 438.4334350927112, 1654.1745390240771, 867.1776665802134, 0.0], [738.5206028764562, 446.8847095292525, 807.3594919753925, 655.4051738290103, 0.0], [504.98136157989956, 448.9909018522335, 543.9789245331839, 567.9834657353316, 0.0], [825.748916230801, 413.91420850366137, 995.2314620424419, 924.3600856687386, 0.0]]}, +{"trks": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 289}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "ret_trks": [[826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 0.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 0.0], [912.7566362932776, 413.1977392565256, 1136.948502963547, 1087.7857954248439, 0.0], [1491.9350921177438, 403.70376203749447, 1644.876975855751, 864.5366328136897, 0.0], [742.0599169440793, 446.84071721436794, 810.8984772796, 655.3601087553495, 0.0], [504.9832411328463, 448.9920705324973, 543.980841024215, 567.9847471241097, 0.0], [825.6324511261361, 413.9029122321426, 995.131881405208, 924.3996419000068, 0.0]]}, +{"trks": [[827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 0.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 0.0], [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522, 0.0], [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042, 0.0], [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666, 0.0], [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759, 0.0], [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 290}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "ret_trks": [[827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 0.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 0.0], [919.5641455172633, 400.7225940483462, 1154.7552215280868, 1108.3119627528522, 0.0], [1498.4124391547389, 413.7098563825613, 1648.4964338229142, 865.9589692325042, 0.0], [743.1165202588273, 446.80343730999437, 811.9533444644595, 655.3175405551666, 0.0], [504.9849396987083, 448.99312344550043, 543.9825756580515, 567.9859100906759, 0.0], [841.8206730338072, 409.96246238304684, 1019.2900586844839, 944.3759279379033, 0.0]]}, +{"trks": [[827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105, 0.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 0.0], [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576, 0.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 0.0], [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468, 0.0], [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211, 0.0], [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 291}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 291}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "ret_trks": [[827.78047692043, 294.1938590439204, 1069.2848194107817, 1020.716810897105, 0.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 0.0], [925.9343538521157, 415.82347785830916, 1145.7904702023893, 1077.4050391574576, 0.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 0.0], [743.2493780931425, 446.7708651453706, 812.0839597406307, 655.2781642233468, 0.0], [504.98647460291994, 448.99407173554516, 543.9841457917171, 567.9869658757211, 0.0], [847.7715458114355, 408.5073717507156, 1028.1980574497247, 951.7918140338194, 0.0]]}, +{"trks": [[780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 0.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 0.0], [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827, 0.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 0.0], [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715, 0.0], [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394, 0.0], [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 292}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 1, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "ret_trks": [[780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 0.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 0.0], [928.5049801953255, 421.8777506354312, 1142.216762655893, 1065.0177810552827, 0.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 0.0], [749.0770998159977, 438.1920246745642, 821.0964937015964, 656.2603038295715, 0.0], [504.9878615141226, 448.9949254794546, 543.9855671238967, 567.9879246477394, 0.0], [857.8083674937769, 411.52156811162007, 1031.593433052988, 934.8807074512504, 0.0]]}, +{"trks": [[777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 0.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 0.0], [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698, 0.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 0.0], [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818, 0.0], [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316, 0.0], [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 293}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 2, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "ret_trks": [[777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 0.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 0.0], [929.5051178623651, 424.1316891874304, 1140.824854331075, 1060.0911740953698, 0.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 0.0], [754.8805944046073, 443.4672713383725, 824.9440064366959, 655.6648016969818, 0.0], [504.98911460255783, 448.9956937886921, 543.9868538534221, 567.9887956054316, 0.0], [861.3749731746592, 412.7726532071726, 1032.5654967291305, 928.3456590082687, 0.0]]}, +{"trks": [[774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992, 0.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 0.0], [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627, 0.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 0.0], [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932, 0.0], [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248, 0.0], [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 294}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 294}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 3, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "ret_trks": [[774.0077897010848, 240.43567468142874, 1015.5171003658448, 966.9735961138992, 0.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 0.0], [941.0440143640744, 458.89494250217007, 1142.688310830597, 1065.8350295290627, 0.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 0.0], [752.9105665640878, 436.9729215447547, 825.3773594629746, 656.3832407480932, 0.0], [504.9902466833196, 448.99638490171594, 543.9880188226116, 567.9895870703248, 0.0], [862.4635879007741, 413.2696602028094, 1032.661908612843, 925.8648673408842, 0.0]]}, +{"trks": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 295}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 211}, {"time_since_observed": 4, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "ret_trks": [[808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 0.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 0.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 0.0], [1491.9208249380836, 390.9618115453123, 1640.906360313606, 839.9113259671237, 0.0], [756.6759132428518, 439.54084878468444, 824.0738517275573, 643.7507286113652, 0.0], [499.65701842489096, 444.6457792778136, 542.5091713849567, 575.2175447239575, 0.0], [866.8293376011839, 437.9668969053272, 1029.4435448616543, 927.8036551387305, 0.0]]}, +{"trks": [[807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 0.0], [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 0.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 0.0], [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384, 0.0], [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777, 0.0], [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501, 0.0], [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 296}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 214}, {"time_since_observed": 1, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "ret_trks": [[807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 0.0], [1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 0.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 0.0], [1580.5509646849769, 413.8143760771178, 1748.3151514904625, 919.1251099886384, 0.0], [763.679526423152, 435.5035929105265, 835.1697561282612, 651.9916000473777, 0.0], [497.7018946326189, 443.105510380911, 541.939031957957, 577.8256429319501, 0.0], [864.0362764182132, 422.6983082906764, 1031.010375220627, 925.6194176765239, 0.0]]}, +{"trks": [[806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 0.0], [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 0.0], [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008, 0.0], [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963, 0.0], [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156, 0.0], [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497, 0.0], [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215}, {"time_since_observed": 2, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 297}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 215}, {"time_since_observed": 2, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "ret_trks": [[806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 0.0], [1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 0.0], [969.7166530200503, 405.98804928092903, 1176.3030018748975, 1027.747845101008, 0.0], [1613.72593786576, 439.11526573467984, 1769.101328556676, 907.2506990886963, 0.0], [766.0543605645954, 434.08020640573886, 839.0460802801177, 655.0678388969156, 0.0], [502.24598810159506, 446.5976602771012, 543.3202192492884, 571.8344572416497, 0.0], [862.7740032323164, 416.91671316331804, 1031.391947730461, 924.7702211789281, 0.0]]}, +{"trks": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 298}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "ret_trks": [[805.9317569582859, 256.6464561606203, 1034.3121252980557, 943.7969440006955, 0.0], [1462.1925975717347, 392.35795581345945, 1596.9746583067238, 798.7059240774443, 0.0], [986.4968438077412, 393.3541618213823, 1184.6137971048047, 989.7124240862918, 0.0], [1624.351268088506, 447.79859697914753, 1775.3422246630953, 902.7698944010999, 0.0], [766.6582405763045, 433.57146395269757, 840.2134348369275, 656.2468878351051, 0.0], [504.01128875105167, 448.0335833880723, 543.8134190661684, 569.4469422027174, 0.0], [862.1036821404143, 414.72664673031625, 1031.3533567805064, 924.4756231284904, 0.0]]}, +{"trks": [[870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319, 0.0], [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903, 0.0], [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207, 0.0], [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124, 0.0], [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438, 0.0], [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903, 0.0], [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "ret_trks": [[870.6356035304277, 243.74046479282566, 1110.1059015446165, 964.1640477849319, 0.0], [1375.7322267206055, 400.6597665431014, 1480.4629848099744, 716.8460840204903, 0.0], [989.4987175930128, 391.62730922377, 1186.0843297124666, 983.3916174504207, 0.0], [1627.3980151046371, 450.87265145100196, 1776.7116839136684, 900.8069050716124, 0.0], [769.9905571085555, 438.32922995127376, 837.8312539774354, 643.8699428927438, 0.0], [504.6859631045327, 448.60094213224613, 543.9917356224068, 568.5210501964903, 0.0], [861.6756294831886, 413.90396041405916, 1031.1738735276117, 924.398822823694, 0.0]]}, +{"trks": [[877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 0.0], [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905, 0.0], [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585, 0.0], [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223, 0.0], [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942, 0.0], [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388, 0.0], [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "ret_trks": [[877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 0.0], [1381.057286856629, 409.4274130142985, 1480.6692200001446, 710.2533071787905, 0.0], [990.3444377696508, 391.2242992399325, 1186.3914647182312, 981.3727671104585, 0.0], [1632.30649333156, 397.7896165703656, 1803.4444784199309, 913.2391553440223, 0.0], [770.7795701704852, 443.7574666856542, 839.2207386262883, 651.0900227930942, 0.0], [504.93903697139024, 448.8227736294462, 544.0536572043187, 568.1676123158388, 0.0], [861.356060544644, 413.60182427441146, 1030.9568758417224, 924.40455617064, 0.0]]}, +{"trks": [[882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358, 0.0], [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393, 0.0], [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382, 0.0], [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506, 0.0], [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297, 0.0], [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205, 0.0], [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "ret_trks": [[882.4414678825043, 239.68757469666792, 1123.3934814149475, 964.5559693694358, 0.0], [1382.64034121989, 412.4041806225771, 1480.5670786777598, 708.1698436877393, 0.0], [990.3931958981196, 391.31632848244544, 1186.2377684077155, 980.8573992759382, 0.0], [1642.8933423979074, 410.0659800549064, 1806.7324936020896, 903.6014800471506, 0.0], [770.8322508567552, 445.80609473746523, 839.5001247933257, 653.8149086027297, 0.0], [505.0305139533527, 448.9104012944247, 544.0719218552933, 568.0348803150205, 0.0], [885.5101598802219, 413.4968547863207, 1055.15768652244, 924.439868687841, 0.0]]}, +{"trks": [[889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859, 0.0], [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698, 0.0], [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349, 0.0], [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662, 0.0], [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196, 0.0], [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322, 0.0], [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "ret_trks": [[889.9377183654371, 258.0462634182659, 1144.3233909194014, 1023.2120122319859, 0.0], [1368.2799374247118, 413.6354879268591, 1465.5727799682666, 707.4973399698, 0.0], [990.1541244381212, 391.5830555245336, 1185.9229966535283, 980.8970266599349, 0.0], [1636.496260831414, 382.98707965762407, 1812.6328231068264, 913.422454791662, 0.0], [770.6255620547477, 446.55895374753214, 839.3785613482357, 654.8216089616196, 0.0], [505.06052030009107, 448.9462722914379, 544.0739642123343, 567.986580387322, 0.0], [887.9791907807039, 409.58064381291484, 1065.5765191707399, 944.3794828250007, 0.0]]}, +{"trks": [[891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573, 0.0], [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867, 0.0], [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688, 0.0], [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575, 0.0], [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792, 0.0], [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 0.0], [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "ret_trks": [[891.7649907907909, 261.78617698154875, 1149.2508364319974, 1036.2488838349573, 0.0], [1363.1299846501286, 419.7369052063442, 1456.073887578744, 700.5574965360867, 0.0], [989.828074304145, 391.8957673409612, 1185.5696443461102, 981.1278487220688, 0.0], [1632.251817409467, 365.0948507331814, 1821.3618072583772, 934.4542335800575, 0.0], [770.3409125826373, 446.81740633271244, 839.1251483725661, 655.1731450073792, 0.0], [505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 0.0], [894.90239377939, 411.82636461746125, 1067.6595254985139, 932.1022563510926, 0.0]]}, +{"trks": [[892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524, 0.0], [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828, 0.0], [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902, 0.0], [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816, 0.0], [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252, 0.0], [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202, 0.0], [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "ret_trks": [[892.0430049810016, 262.9659330999907, 1150.6349465099395, 1040.7454206300524, 0.0], [1361.3010615111807, 422.22929129640204, 1452.5352062363395, 697.9193414911828, 0.0], [989.4910355545421, 392.20587495694815, 1185.2237855041562, 981.4115189341902, 0.0], [1650.759483997899, 395.66221544752653, 1828.782718102297, 931.7588382354816, 0.0], [779.9625189510515, 446.8890585366938, 848.7574534875286, 655.2766180855252, 0.0], [505.1140915454778, 448.943496109195, 544.1146067559062, 567.9447958814202, 0.0], [890.8783913030273, 408.9451279997153, 1069.626659908914, 947.1969111363491, 0.0]]}, +{"trks": [[891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234, 0.0], [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941, 0.0], [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659, 0.0], [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606, 0.0], [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465, 0.0], [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705, 0.0], [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "ret_trks": [[891.7104571980134, 263.2315523371253, 1150.7184328466565, 1042.2585276987234, 0.0], [1345.9013484186669, 417.55337886363066, 1440.689180378993, 703.9038122550941, 0.0], [989.1700906570825, 392.4965445982781, 1184.9010654612523, 981.6968882193659, 0.0], [1658.7747418775873, 329.00256035967476, 1857.8373704672733, 928.2271268117606, 0.0], [783.3591330055991, 446.8917612819119, 852.1569459966375, 655.2878158005465, 0.0], [505.065260391228, 448.9720773973584, 544.0631191018261, 567.9654684680705, 0.0], [889.0681801580639, 407.8494260439594, 1070.056530341468, 952.8206842155845, 0.0]]}, +{"trks": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "ret_trks": [[891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 0.0], [1340.3463744481319, 415.86547664281557, 1436.461128605899, 706.1942546061773, 0.0], [988.873651213702, 392.7630878814657, 1184.6055251945427, 981.9661547882615, 0.0], [1666.2742451697402, 316.95579762116745, 1863.8686771054188, 911.7637800920922, 0.0], [784.3954708235765, 446.8705034395781, 853.1931959653543, 655.2662062200103, 0.0], [505.05686648108224, 448.9777731912004, 544.0538295814391, 567.9684791251437, 0.0], [888.1099864338668, 407.368638116665, 1069.950469423471, 954.8957933806265, 0.0]]}, +{"trks": [[895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978, 0.0], [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285, 0.0], [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977, 0.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 0.0], [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352, 0.0], [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829, 0.0], [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "ret_trks": [[895.2515942874606, 264.76295962156127, 1154.5216146253092, 1044.5766299561978, 0.0], [1338.484884594498, 415.267458384718, 1435.1053622648365, 707.1122401951285, 0.0], [988.6031648011628, 393.005315327123, 1184.3369426774568, 982.2141197621977, 0.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 0.0], [784.5517291562678, 446.8423178838997, 853.348253217714, 655.2343497545352, 0.0], [505.05159997920305, 448.980939701686, 544.0482249229324, 567.9706309592829, 0.0], [887.499974970079, 407.1176621728449, 1069.6686099651433, 955.6290868067093, 0.0]]}, +{"trks": [[890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 0.0], [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049, 0.0], [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466, 0.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 0.0], [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325, 0.0], [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 0.0], [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "ret_trks": [[890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 0.0], [1325.9514620937853, 420.65019437176414, 1418.6483858990919, 700.7295767400049, 0.0], [988.357588767417, 393.2246064042718, 1184.0936376654174, 982.4402496086466, 0.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 0.0], [792.55397821281, 438.26869385418183, 864.5326834183251, 656.2137766324325, 0.0], [505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 0.0], [887.0457983532892, 406.9584220279594, 1069.3432761666222, 955.856338721788, 0.0]]}, +{"trks": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 2, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "ret_trks": [[893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 0.0], [1321.5915253166506, 422.81049803628065, 1412.7502662291297, 698.2745765334603, 0.0], [988.1350840572173, 393.4228008302147, 1183.8735277523997, 982.6456539089361, 0.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 0.0], [795.3229814758521, 435.0758723306143, 868.4794500386575, 656.5537037802072, 0.0], [505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 0.0], [886.6721112441046, 406.83936150318095, 1069.0223647929465, 955.8956301382113, 0.0]]}, +{"trks": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 3, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "ret_trks": [[897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 0.0], [1307.049001838297, 423.6779639562553, 1397.6178134976694, 697.3716284607249, 0.0], [987.9336470231557, 393.60178760147846, 1183.6745165333434, 982.8319433566858, 0.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 0.0], [797.8173497516422, 442.3248093650852, 868.3056963344351, 655.7970151220635, 0.0], [505.10488709728673, 448.963108382334, 544.0969872071812, 567.9389995849301, 0.0], [886.3481699148665, 406.74065763823484, 1068.7220921708683, 955.8679803590715, 0.0]]}, +{"trks": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 4, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "ret_trks": [[900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 0.0], [1288.780945514757, 424.0384743462568, 1379.1278011538395, 697.0660640691533, 0.0], [987.751337003287, 393.7633600434158, 1183.4946281091004, 983.0008055561789, 0.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 0.0], [798.5195436608755, 445.11841153867823, 867.9611625873227, 655.4477307983213, 0.0], [497.80381740067475, 448.98757043502377, 536.8000402575981, 567.9760444389682, 0.0], [892.3042275429207, 410.1936462531533, 1066.9939964422479, 936.2696454977365, 0.0]]}, +{"trks": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 5, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "ret_trks": [[904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 0.0], [1282.4247161596898, 424.20037077708014, 1372.6909916313687, 696.9862274752796, 0.0], [987.5863508804102, 393.9091715256743, 1183.3320460937382, 983.1538540692152, 0.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 0.0], [798.5497307654086, 446.17437245733345, 867.5863723019108, 655.2873632767569, 0.0], [496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 0.0], [888.1402302122709, 407.9566801363105, 1067.6352155732893, 948.449060343248, 0.0]]}, +{"trks": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 6, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "ret_trks": [[907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 0.0], [1280.5596556242326, 424.2830357819264, 1370.7994317297112, 696.9894906423965, 0.0], [987.4370404406092, 394.04072861519455, 1183.1851173931395, 983.292580823428, 0.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 0.0], [807.2188003839316, 438.0246024653938, 879.2779728750753, 656.2107902884577, 0.0], [496.09617289447084, 448.98446670030035, 535.0906397066566, 567.967583072104, 0.0], [892.698966084181, 410.7198327042191, 1066.2570261693004, 933.400091775404, 0.0]]}, +{"trks": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 7, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}], "ret_trks": [[910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 0.0], [1267.2663751342193, 424.3326292710302, 1357.5002806625057, 697.0216026914701, 0.0], [1015.3368046000635, 394.1593975548479, 1211.0872392446838, 983.418347027683, 0.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 0.0], [811.2499725987914, 443.44885075996194, 881.3008876022643, 655.6075893445727, 0.0], [497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 0.0], [894.3192035602066, 411.89913281615827, 1065.56167071204, 927.6303684364791, 0.0]]}, +{"trks": [[914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 0.0], [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722, 0.0], [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912, 0.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 0.0], [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776, 0.0], [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 0.0], [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 8, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_kalman_trackers": [{"time_since_observed": 7, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 8, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "ret_trks": [[914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 0.0], [1262.804888754687, 424.36714087508216, 1353.0407599145046, 697.0621536271722, 0.0], [1025.611495406393, 394.26641493352184, 1221.3642632373023, 983.5323878975912, 0.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 0.0], [812.510370092453, 445.5293884927413, 881.7781264248423, 655.3363640363776, 0.0], [497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 0.0], [877.834100191073, 374.2793383154884, 1064.7074817571413, 936.9192385646874, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]]}, +{"trks": [[917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 0.0], [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578, 0.0], [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544, 0.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 0.0], [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887, 0.0], [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 0.0], [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 9, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_kalman_trackers": [{"time_since_observed": 8, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 9, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "ret_trks": [[917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 0.0], [1261.663215778429, 424.3937315392873, 1351.9040008482705, 697.1036321207578, 0.0], [1029.1645865350768, 394.3628991432679, 1224.9196630511549, 983.6358218421544, 0.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 0.0], [811.6907887508364, 437.78174605025714, 883.8306556386567, 656.2098553943887, 0.0], [496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 0.0], [888.388460409397, 397.9383399136106, 1064.908893714634, 929.5146274585659, 0.0], [30.857, 389.13999999999993, 179.147, 836.0, 0.0]]}, +{"trks": [[921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 0.0], [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871, 0.0], [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921, 0.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 0.0], [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099, 0.0], [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 0.0], [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462, 0.0], [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 10, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_kalman_trackers": [{"time_since_observed": 9, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 10, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "ret_trks": [[921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 0.0], [1262.0336469479257, 415.62845390318887, 1348.4363023298033, 676.8260990430871, 0.0], [1022.9467477588512, 386.10778462974315, 1227.7090389529355, 1002.4013560902921, 0.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 0.0], [812.1634532336891, 443.3528655039679, 882.2426499752642, 655.596364097099, 0.0], [496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 0.0], [892.3877157724888, 407.25684208289937, 1064.7966557950976, 926.4916943368462, 0.0], [28.303640159455625, 391.8163148632512, 163.39320586346506, 798.9797886202393, 0.0]]}, +{"trks": [[924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 0.0], [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815, 0.0], [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268, 0.0], [1821.836652810548, 278.6259851983289, 2019.2960165678073, 873.0285348008383, 0.0], [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109, 0.0], [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 0.0], [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807, 0.0], [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 11, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_kalman_trackers": [{"time_since_observed": 10, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "ret_trks": [[924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 0.0], [1249.2207029187366, 408.0982810596266, 1338.025518175602, 676.5026769818815, 0.0], [1020.337030098749, 383.0993109808048, 1228.4376058049115, 1009.404211806268, 0.0], [811.1030083339363, 436.9820016602906, 883.5390605207633, 656.298520824109, 0.0], [496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 0.0], [893.8203493566571, 410.8792009996108, 1064.638431312941, 925.3380811895807, 0.0], [30.130810140631965, 389.72127503125455, 174.97389850405756, 826.2277411860297, 0.0]]}, +{"trks": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_kalman_trackers": [{"time_since_observed": 11, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "ret_trks": [[927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 0.0], [1244.9015198576815, 405.4038271761975, 1334.6112380303668, 676.5219752000008, 0.0], [1019.0897958307293, 381.95748356106196, 1228.4514723714371, 1012.0439010856207, 0.0], [811.519587949512, 443.0560792996426, 881.7129650660609, 655.6422792022289, 0.0], [495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 0.0], [877.295146764079, 374.15386796395364, 1064.029410045144, 936.3773160138774, 0.0], [55.35488524522678, 391.1068306497111, 193.2358880863942, 806.695021271757, 0.0]]}, +{"trks": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_kalman_trackers": [{"time_since_observed": 12, "confidence": 1, "age": 320}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "ret_trks": [[931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 0.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 0.0], [1018.3820323908215, 381.5100615009182, 1228.223330279863, 1013.0345970443773, 0.0], [819.0317737801614, 451.22020985340583, 885.4785699199275, 652.5696378659368, 0.0], [495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 0.0], [871.1636514661232, 360.81944627255194, 1063.6326159244848, 940.2418537415429, 0.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 0.0]]}, +{"trks": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 7}], "ret_kalman_trackers": [{"time_since_observed": 13, "confidence": 1, "age": 321}, {"time_since_observed": 1, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 7}], "ret_trks": [[934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 0.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 0.0], [1017.9018573688438, 381.32599493953404, 1227.925966658823, 1013.3986696289921, 0.0], [824.0673582829846, 448.46679213368805, 891.9586817435501, 654.1461153292629, 0.0], [495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 0.0], [868.8588287214325, 355.9592058686481, 1063.4742461169953, 941.8174995433308, 0.0], [71.85282794919038, 389.89104529803944, 216.3970599713444, 825.5014541510088, 0.0]]}, +{"trks": [[938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024, 0.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 0.0], [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213, 0.0], [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874, 0.0], [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023, 0.0], [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 322}, {"time_since_observed": 2, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8}], "ret_kalman_trackers": [{"time_since_observed": 14, "confidence": 1, "age": 322}, {"time_since_observed": 2, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 8}], "ret_trks": [[938.2031920741515, 283.47793088044034, 1197.4242667916797, 1063.1437309109024, 0.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 0.0], [1017.5286301648707, 381.24319905078687, 1227.622421646785, 1013.5248052957213, 0.0], [825.741500620842, 447.41260931153136, 894.1757945983992, 654.7186523991874, 0.0], [867.9981090421021, 354.26658699091996, 1063.427566729979, 942.5654646603023, 0.0], [109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 0.0]]}, +{"trks": [[874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 0.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 0.0], [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608, 0.0], [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841, 0.0], [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403, 0.0], [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 3, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 9}], "ret_kalman_trackers": [{"time_since_observed": 0, "confidence": 1, "age": 323}, {"time_since_observed": 3, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 9}], "ret_trks": [[874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 0.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 0.0], [1017.214411301367, 381.2001431955435, 1227.334708549477, 1013.5612216178608, 0.0], [825.8129044321714, 438.4486537877788, 897.6399032940238, 655.9388877176841, 0.0], [859.8279729483834, 390.63747514605524, 1039.875337002956, 932.7989990659403, 0.0], [120.39789028615843, 419.25940765317773, 247.33511405330262, 801.975606388404, 0.0]]}, +{"trks": [[874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 0.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 0.0], [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067, 0.0], [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055, 0.0], [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081, 0.0], [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324}, {"time_since_observed": 4, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "ret_kalman_trackers": [{"time_since_observed": 1, "confidence": 1, "age": 324}, {"time_since_observed": 4, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "ret_trks": [[874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 0.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 0.0], [1016.9391523065883, 381.173326969154, 1227.069469043372, 1013.5644456053067, 0.0], [836.2609956462327, 435.1192592142935, 909.3415757467837, 656.3690918506055, 0.0], [857.0721774849636, 405.0430217691694, 1030.8931963355753, 928.517346923081, 0.0], [131.18910511925552, 395.4992631898352, 275.11335068552273, 829.2646156673179, 0.0]]}, +{"trks": [[873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 0.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 0.0], [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795, 0.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 0.0], [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511, 0.0], [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325}, {"time_since_observed": 5, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "ret_kalman_trackers": [{"time_since_observed": 2, "confidence": 1, "age": 325}, {"time_since_observed": 5, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "ret_trks": [[873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 0.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 0.0], [1023.8030567067336, 389.1335094668838, 1225.1712777100815, 995.246705181795, 0.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 0.0], [863.7324202393149, 372.6372558286613, 1051.5298991649577, 938.0500573126511, 0.0], [156.77006524956616, 391.41670800442455, 303.6385265897329, 834.015878512539, 0.0]]}, +{"trks": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_kalman_trackers": [{"time_since_observed": 3, "confidence": 1, "age": 326}, {"time_since_observed": 6, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 1, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "ret_trks": [[873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 0.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 0.0], [1026.3177488342471, 392.37487227225586, 1224.2387566941325, 988.146504018849, 0.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 0.0], [866.4086474899718, 360.7785393807942, 1059.2793990340824, 941.4058881837209, 0.0], [164.42432189352462, 390.0237069441865, 312.28586317313295, 835.601319751886, 0.0]]}, +{"trks": [[873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 0.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 0.0], [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882, 0.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 0.0], [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366, 0.0], [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "ret_kalman_trackers": [{"time_since_observed": 4, "confidence": 1, "age": 327}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 2, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "ret_trks": [[873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 0.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 0.0], [1027.140771624276, 393.68381129846284, 1223.7305305810874, 985.4612609581882, 0.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 0.0], [877.8854284162096, 390.1596070187543, 1064.3953855185023, 951.7013164173366, 0.0], [178.98312180328554, 390.37576814768147, 320.1664106982265, 815.9081595694853, 0.0]]}, +{"trks": [[872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 0.0], [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 0.0], [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203, 0.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 0.0], [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998, 0.0], [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "ret_kalman_trackers": [{"time_since_observed": 5, "confidence": 1, "age": 328}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "ret_trks": [[872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 0.0], [1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 0.0], [1020.1020900767576, 385.9113647585155, 1225.1726139367775, 1003.1294360668203, 0.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 0.0], [882.2102950839768, 401.3378866054469, 1066.2356338431596, 955.4227626873998, 0.0], [183.17693439485663, 411.0559209093183, 321.8300505774104, 828.9920736451056, 0.0]]}, +{"trks": [[872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 0.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 0.0], [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234, 0.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 0.0], [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058, 0.0], [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753, 0.0]], "scene": [1920, 1080], "kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "ret_kalman_trackers": [{"time_since_observed": 6, "confidence": 1, "age": 329}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "ret_trks": [[872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 0.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 0.0], [1024.5205431681538, 391.17091061421314, 1223.8906927805479, 991.2902038164234, 0.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 0.0], [890.0001307919413, 408.9523875702668, 1065.4200576732474, 937.2218369792058, 0.0], [183.59912475018882, 418.6410723630556, 321.3400982694823, 833.8391024077753, 0.0]]}, diff --git a/spec/res/tracker_update.json b/spec/res/tracker_update.json new file mode 100644 index 0000000..e8c0269 --- /dev/null +++ b/spec/res/tracker_update.json @@ -0,0 +1,330 @@ +{ "invocations": [{"dets": [[1359.1, 413.27, 1479.36, 776.04, 2.3092], [571.03, 402.13, 675.5899999999999, 717.81, 1.5028], [650.8, 455.86, 714.78, 649.8, 0.33276]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1338.0, 418.0, 1505.0, 797.0, 1.0], [586.0, 447.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1416.0, 431.0, 1600.0, 767.0, 1.0], [1056.0, 484.0, 1092.0, 594.0, 1.0], [1091.0, 484.0, 1122.0, 599.0, 1.0], [734.0, 487.0, 763.0, 555.0, 0.0], [679.0, 492.0, 732.0, 597.0, 0.0], [738.0, 458.0, 765.0, 533.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1016.0, 430.0, 1056.0, 546.0, 1.0], [1101.0, 441.0, 1139.0, 549.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [442.0, 446.0, 547.0, 729.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], [1364.0, 434.0, 1415.0, 558.0, 1.0], [1478.0, 434.0, 1541.0, 558.0, 1.0], [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [548.0, 465.0, 583.0, 558.0, 1.0], [376.0, 446.0, 417.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 456.0, 617.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], [693.0, 462.0, 713.0, 529.0, 0.0], [713.0, 478.0, 732.0, 535.0, 0.0], [734.0, 505.0, 765.0, 549.0, 0.0], [911.0, 408.0, 937.0, 537.0, 0.0], [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1004.0, 454.0, 1022.0, 515.0, 0.0], [578.0, 432.0, 598.0, 475.0, 1.0], [596.0, 429.0, 614.0, 471.0, 1.0], [1036.0, 453.0, 1061.0, 520.0, 1.0], [663.0, 451.0, 697.0, 537.0, 1.0]], "self": {"area_avg_array": [], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 0, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1359.1, 413.27, 1479.36, 776.04, 2.3092], [571.03, 402.13, 675.5899999999999, 717.81, 1.5028], [650.8, 455.86, 714.78, 649.8, 0.33276]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1338.0, 418.0, 1505.0, 797.0, 1.0], [586.0, 447.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1416.0, 431.0, 1600.0, 767.0, 1.0], [1056.0, 484.0, 1092.0, 594.0, 1.0], [1091.0, 484.0, 1122.0, 599.0, 1.0], [734.0, 487.0, 763.0, 555.0, 0.0], [679.0, 492.0, 732.0, 597.0, 0.0], [738.0, 458.0, 765.0, 533.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1016.0, 430.0, 1056.0, 546.0, 1.0], [1101.0, 441.0, 1139.0, 549.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [442.0, 446.0, 547.0, 729.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], [1364.0, 434.0, 1415.0, 558.0, 1.0], [1478.0, 434.0, 1541.0, 558.0, 1.0], [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [548.0, 465.0, 583.0, 558.0, 1.0], [376.0, 446.0, 417.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 456.0, 617.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], [693.0, 462.0, 713.0, 529.0, 0.0], [713.0, 478.0, 732.0, 535.0, 0.0], [734.0, 505.0, 765.0, 549.0, 0.0], [911.0, 408.0, 937.0, 537.0, 0.0], [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1004.0, 454.0, 1022.0, 515.0, 0.0], [578.0, 432.0, 598.0, 475.0, 1.0], [596.0, 429.0, 614.0, 471.0, 1.0], [1036.0, 453.0, 1061.0, 520.0, 1.0], [663.0, 451.0, 697.0, 537.0, 1.0]], "ret_self": {"area_avg_array": [0], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 1, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 0}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[571.03, 402.13000000000005, 675.5899999999999, 717.81, 2.0], [1359.1, 413.27, 1479.3600000000001, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1359.1, 413.27, 1479.36, 776.04, 2.4731], [584.04, 446.86, 668.7819999999999, 703.09, 1.2369], [729.0, 457.0, 768.0, 576.0, 0.40858]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1342.0, 417.0, 1510.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1422.0, 431.0, 1605.0, 768.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 555.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 549.0, 728.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], [1365.0, 434.0, 1417.0, 558.0, 1.0], [1480.0, 433.0, 1542.0, 558.0, 1.0], [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], [693.0, 462.0, 714.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [664.0, 451.0, 698.0, 536.0, 1.0]], "self": {"area_avg_array": [0], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 1, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 0}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1359.1, 413.27, 1479.36, 776.04, 2.4731], [584.04, 446.86, 668.7819999999999, 703.09, 1.2369], [729.0, 457.0, 768.0, 576.0, 0.40858]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1342.0, 417.0, 1510.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1422.0, 431.0, 1605.0, 768.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 555.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 549.0, 728.0, 1.0], [636.0, 458.0, 697.0, 645.0, 1.0], [1365.0, 434.0, 1417.0, 558.0, 1.0], [1480.0, 433.0, 1542.0, 558.0, 1.0], [473.0, 460.0, 562.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [972.0, 456.0, 1004.0, 533.0, 1.0], [693.0, 462.0, 714.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 569.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [664.0, 451.0, 698.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 2, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[583.9113890584903, 446.43689119916024, 668.8552359415097, 703.2451623722684, 2.0], [1359.1, 413.27, 1479.3600000000001, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1359.1, 413.27, 1479.36, 776.04, 2.3387], [571.03, 402.13, 675.5899999999999, 717.81, 0.79923], [1482.5, 390.88, 1611.46, 779.76, 0.35271]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1346.0, 417.0, 1516.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1428.0, 431.0, 1610.0, 769.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 551.0, 728.0, 1.0], [636.0, 458.0, 698.0, 645.0, 1.0], [1366.0, 434.0, 1420.0, 558.0, 1.0], [1483.0, 433.0, 1543.0, 558.0, 1.0], [474.0, 460.0, 563.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [973.0, 456.0, 1005.0, 533.0, 1.0], [694.0, 462.0, 715.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 570.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [665.0, 451.0, 699.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 2, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1359.1, 413.27, 1479.36, 776.04, 2.3387], [571.03, 402.13, 675.5899999999999, 717.81, 0.79923], [1482.5, 390.88, 1611.46, 779.76, 0.35271]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1346.0, 417.0, 1516.0, 797.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1428.0, 431.0, 1610.0, 769.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [733.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 430.0, 1055.0, 546.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 551.0, 728.0, 1.0], [636.0, 458.0, 698.0, 645.0, 1.0], [1366.0, 434.0, 1420.0, 558.0, 1.0], [1483.0, 433.0, 1543.0, 558.0, 1.0], [474.0, 460.0, 563.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [973.0, 456.0, 1005.0, 533.0, 1.0], [694.0, 462.0, 715.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 570.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [665.0, 451.0, 699.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 3, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[572.5181992503345, 407.2362276462302, 674.8555631624018, 716.3510490397132, 2.0], [1359.1, 413.27, 1479.3600000000001, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1383.3, 413.27, 1503.56, 776.04, 2.2104], [591.95, 434.36, 689.442, 728.83, 0.93138], [1480.3, 413.27, 1600.56, 776.04, 0.65959]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1351.0, 417.0, 1522.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1434.0, 431.0, 1615.0, 770.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 553.0, 728.0, 1.0], [637.0, 458.0, 698.0, 645.0, 1.0], [1368.0, 435.0, 1423.0, 559.0, 1.0], [1486.0, 433.0, 1545.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [974.0, 456.0, 1006.0, 533.0, 1.0], [694.0, 462.0, 717.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [666.0, 451.0, 700.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 3, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1383.3, 413.27, 1503.56, 776.04, 2.2104], [591.95, 434.36, 689.442, 728.83, 0.93138], [1480.3, 413.27, 1600.56, 776.04, 0.65959]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1351.0, 417.0, 1522.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1434.0, 431.0, 1615.0, 770.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 763.0, 556.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 553.0, 728.0, 1.0], [637.0, 458.0, 698.0, 645.0, 1.0], [1368.0, 435.0, 1423.0, 559.0, 1.0], [1486.0, 433.0, 1545.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [974.0, 456.0, 1006.0, 533.0, 1.0], [694.0, 462.0, 717.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1060.0, 519.0, 1.0], [666.0, 451.0, 700.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 4, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched_before_before": []}, "ret_ret": [[587.9265962004723, 426.6387196834923, 687.7031581761065, 728.0126642292742, 2.0], [1379.5551975561566, 413.27, 1499.8151975561564, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1383.3, 413.27, 1503.56, 776.04, 2.4296], [584.04, 446.86, 668.7819999999999, 703.09, 0.82707], [1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1355.0, 417.0, 1528.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1440.0, 432.0, 1620.0, 771.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 555.0, 728.0, 1.0], [637.0, 458.0, 699.0, 645.0, 1.0], [1369.0, 435.0, 1426.0, 559.0, 1.0], [1488.0, 433.0, 1546.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [975.0, 456.0, 1007.0, 533.0, 1.0], [695.0, 462.0, 718.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1059.0, 519.0, 1.0], [667.0, 451.0, 701.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 4, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]], "unmatched_before_before": []}, "ret_dets": [[1383.3, 413.27, 1503.56, 776.04, 2.4296], [584.04, 446.86, 668.7819999999999, 703.09, 0.82707], [1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1355.0, 417.0, 1528.0, 798.0, 1.0], [586.0, 446.0, 671.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1440.0, 432.0, 1620.0, 771.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 457.0, 764.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 431.0, 1055.0, 547.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 555.0, 728.0, 1.0], [637.0, 458.0, 699.0, 645.0, 1.0], [1369.0, 435.0, 1426.0, 559.0, 1.0], [1488.0, 433.0, 1546.0, 559.0, 1.0], [475.0, 460.0, 564.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [975.0, 456.0, 1007.0, 533.0, 1.0], [695.0, 462.0, 718.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 571.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1035.0, 452.0, 1059.0, 519.0, 1.0], [667.0, 451.0, 701.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 5, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched_before_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]]}, "ret_ret": [[585.7513424269652, 441.67079675410037, 674.8947691546113, 711.1017307223956, 2.0], [1384.7631225919108, 413.27, 1505.0231225919106, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1407.6, 413.27, 1527.86, 776.04, 2.6371], [589.13, 442.1, 680.026, 716.79, 1.0225], [1480.3, 413.27, 1600.56, 776.04, 0.87614]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1360.0, 417.0, 1534.0, 799.0, 1.0], [586.0, 446.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1454.0, 431.0, 1626.0, 772.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 557.0, 728.0, 1.0], [638.0, 458.0, 699.0, 645.0, 1.0], [1371.0, 436.0, 1429.0, 560.0, 1.0], [1491.0, 432.0, 1548.0, 560.0, 1.0], [476.0, 460.0, 565.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [976.0, 456.0, 1008.0, 533.0, 1.0], [696.0, 462.0, 720.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 572.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [668.0, 451.0, 702.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 5, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched_before": [[1480.3, 413.27, 1600.56, 776.04, 0.80295], [643.66, 461.78, 703.289, 642.67, 0.74373]], "unmatched_before_before": [[1480.3, 413.27, 1600.56, 776.04, 0.65959]]}, "ret_dets": [[1407.6, 413.27, 1527.86, 776.04, 2.6371], [589.13, 442.1, 680.026, 716.79, 1.0225], [1480.3, 413.27, 1600.56, 776.04, 0.87614]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1360.0, 417.0, 1534.0, 799.0, 1.0], [586.0, 446.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1454.0, 431.0, 1626.0, 772.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [732.0, 487.0, 764.0, 557.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 557.0, 728.0, 1.0], [638.0, 458.0, 699.0, 645.0, 1.0], [1371.0, 436.0, 1429.0, 560.0, 1.0], [1491.0, 432.0, 1548.0, 560.0, 1.0], [476.0, 460.0, 565.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [976.0, 456.0, 1008.0, 533.0, 1.0], [696.0, 462.0, 720.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 549.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 572.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [668.0, 451.0, 702.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 6, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[643.66, 461.78, 703.289, 642.67, 0.74373]]}, "ret_ret": [[1480.2999999999997, 413.27, 1600.56, 776.04, 3.0], [588.8116233433976, 443.1670988680513, 678.8608544804378, 715.3125108798525, 2.0], [1403.8737882275273, 413.27, 1524.133788227527, 776.04, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1393.9, 391.01, 1532.19, 807.87, 2.5629], [591.95, 434.36, 689.442, 728.83, 1.4242], [1504.6, 413.27, 1624.86, 776.04, 0.77958], [454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1374.0, 415.0, 1536.0, 799.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1468.0, 430.0, 1633.0, 773.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 764.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 559.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1372.0, 436.0, 1432.0, 560.0, 1.0], [1494.0, 432.0, 1549.0, 560.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [977.0, 456.0, 1009.0, 533.0, 1.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [669.0, 451.0, 703.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 6, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[643.66, 461.78, 703.289, 642.67, 0.74373]]}, "ret_dets": [[1393.9, 391.01, 1532.19, 807.87, 2.5629], [591.95, 434.36, 689.442, 728.83, 1.4242], [1504.6, 413.27, 1624.86, 776.04, 0.77958], [454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1374.0, 415.0, 1536.0, 799.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1468.0, 430.0, 1633.0, 773.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 764.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 559.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1372.0, 436.0, 1432.0, 560.0, 1.0], [1494.0, 432.0, 1549.0, 560.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [977.0, 456.0, 1009.0, 533.0, 1.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 431.0, 598.0, 474.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [669.0, 451.0, 703.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 7, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched_before_before": []}, "ret_ret": [[1502.730769230769, 413.27, 1622.9907692307693, 776.04, 3.0], [591.7162783167994, 437.8576574124746, 686.885786179286, 725.3756067406463, 2.0], [1399.9255954082464, 397.0595242803751, 1533.2569079125228, 799.0819261321603, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1404.6, 390.88, 1533.56, 779.76, 2.3462], [591.95, 434.36, 689.442, 728.83, 1.6316], [1504.6, 413.27, 1624.86, 776.04, 1.5336], [729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1389.0, 414.0, 1538.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1482.0, 430.0, 1640.0, 774.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 765.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 561.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1373.0, 436.0, 1435.0, 560.0, 1.0], [1496.0, 432.0, 1551.0, 561.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [978.0, 456.0, 1010.0, 533.0, 1.0], [697.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [671.0, 451.0, 705.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 7, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]], "unmatched_before_before": []}, "ret_dets": [[1404.6, 390.88, 1533.56, 779.76, 2.3462], [591.95, 434.36, 689.442, 728.83, 1.6316], [1504.6, 413.27, 1624.86, 776.04, 1.5336], [729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1389.0, 414.0, 1538.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1482.0, 430.0, 1640.0, 774.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [731.0, 487.0, 765.0, 558.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 432.0, 1055.0, 548.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 561.0, 728.0, 1.0], [638.0, 458.0, 700.0, 645.0, 1.0], [1373.0, 436.0, 1435.0, 560.0, 1.0], [1496.0, 432.0, 1551.0, 561.0, 1.0], [477.0, 460.0, 566.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [978.0, 456.0, 1010.0, 533.0, 1.0], [697.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 573.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 428.0, 613.0, 470.0, 1.0], [1034.0, 451.0, 1059.0, 519.0, 1.0], [671.0, 451.0, 705.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 8, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]]}, "ret_ret": [[1507.0815613298537, 413.27, 1627.3415613298534, 776.04, 3.0], [592.649529884039, 435.9551104279723, 689.5665170127369, 728.7127851681245, 2.0], [1405.6224836334932, 391.6822292640758, 1536.7678649795303, 787.1374888553552, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1421.7, 391.01, 1559.99, 807.87, 2.4286], [1504.6, 413.27, 1624.86, 776.04, 2.248], [591.95, 434.36, 689.442, 728.83, 1.3201], [1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1403.0, 412.0, 1540.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1497.0, 429.0, 1646.0, 775.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 563.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1375.0, 437.0, 1438.0, 561.0, 1.0], [1499.0, 432.0, 1552.0, 561.0, 1.0], [478.0, 460.0, 567.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [979.0, 456.0, 1011.0, 533.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 574.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [672.0, 451.0, 706.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 8, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]], "unmatched_before_before": [[454.06, 434.36, 551.552, 728.83, 0.48616], [1254.6, 446.72, 1288.422, 550.19, 0.35682], [657.86, 419.0, 731.503, 641.9300000000001, 0.32016]]}, "ret_dets": [[1421.7, 391.01, 1559.99, 807.87, 2.4286], [1504.6, 413.27, 1624.86, 776.04, 2.248], [591.95, 434.36, 689.442, 728.83, 1.3201], [1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1403.0, 412.0, 1540.0, 800.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1497.0, 429.0, 1646.0, 775.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 457.0, 763.0, 532.0, 0.0], [1255.0, 447.0, 1288.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 563.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1375.0, 437.0, 1438.0, 561.0, 1.0], [1499.0, 432.0, 1552.0, 561.0, 1.0], [478.0, 460.0, 567.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [979.0, 456.0, 1011.0, 533.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 574.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [672.0, 451.0, 706.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 9, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]]}, "ret_ret": [[1507.484258677348, 413.27, 1627.7442586773477, 776.04, 3.0], [592.8763090493451, 435.20853970469875, 690.3937706525801, 729.764850966721, 2.0], [1419.0555930284602, 390.0416171866966, 1555.6715158696604, 801.9077784143715, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1430.6, 416.87, 1559.56, 805.75, 1.7782], [1504.6, 413.27, 1624.86, 776.04, 1.7273], [591.95, 434.36, 689.442, 728.83, 1.3158], [460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1418.0, 411.0, 1542.0, 801.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1511.0, 429.0, 1653.0, 776.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 565.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1376.0, 437.0, 1441.0, 561.0, 1.0], [1502.0, 432.0, 1554.0, 562.0, 1.0], [479.0, 460.0, 568.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [980.0, 456.0, 1012.0, 533.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 575.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [673.0, 451.0, 707.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 9, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]], "unmatched_before_before": [[729.81, 446.86, 771.6809999999999, 574.47, 0.45047], [1255.0, 441.39, 1291.321, 552.35, 0.39539], [454.06, 434.36, 551.552, 728.83, 0.36475]]}, "ret_dets": [[1430.6, 416.87, 1559.56, 805.75, 1.7782], [1504.6, 413.27, 1624.86, 776.04, 1.7273], [591.95, 434.36, 689.442, 728.83, 1.3158], [460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1418.0, 411.0, 1542.0, 801.0, 1.0], [586.0, 445.0, 672.0, 710.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1511.0, 429.0, 1653.0, 776.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 765.0, 559.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 433.0, 1055.0, 549.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 565.0, 728.0, 1.0], [639.0, 458.0, 701.0, 645.0, 1.0], [1376.0, 437.0, 1441.0, 561.0, 1.0], [1502.0, 432.0, 1554.0, 562.0, 1.0], [479.0, 460.0, 568.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [980.0, 456.0, 1012.0, 533.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 732.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 767.0, 575.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1034.0, 451.0, 1058.0, 518.0, 1.0], [673.0, 451.0, 707.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 10, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]]}, "ret_ret": [[1507.1484961522478, 413.27, 1627.408496152248, 776.04, 3.0], [592.8647342111818, 434.88780698215874, 690.5760450116974, 730.0238246616661, 2.0], [1429.6039340276743, 406.9949351648932, 1561.9011139619352, 805.9011095566834, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1430.6, 390.88, 1559.56, 779.76, 2.0019], [589.13, 442.1, 680.026, 716.79, 1.2261], [1528.8, 413.27, 1649.06, 776.04, 1.1837], [729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1426.0, 409.0, 1553.0, 802.0, 1.0], [587.0, 445.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1525.0, 428.0, 1660.0, 777.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 434.0, 1055.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 567.0, 728.0, 1.0], [640.0, 459.0, 702.0, 646.0, 1.0], [1378.0, 438.0, 1444.0, 562.0, 1.0], [1504.0, 438.0, 1555.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [981.0, 456.0, 1013.0, 533.0, 1.0], [638.0, 454.0, 677.0, 587.0, 1.0], [699.0, 463.0, 727.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [731.0, 509.0, 767.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1058.0, 518.0, 1.0], [674.0, 451.0, 708.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 10, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.52236], [729.81, 446.86, 771.6809999999999, 574.47, 0.39156], [460.48, 442.1, 551.376, 716.79, 0.33475]]}, "ret_dets": [[1430.6, 390.88, 1559.56, 779.76, 2.0019], [589.13, 442.1, 680.026, 716.79, 1.2261], [1528.8, 413.27, 1649.06, 776.04, 1.1837], [729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1426.0, 409.0, 1553.0, 802.0, 1.0], [587.0, 445.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1525.0, 428.0, 1660.0, 777.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [730.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1015.0, 434.0, 1055.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [934.0, 435.0, 976.0, 549.0, 1.0], [442.0, 446.0, 567.0, 728.0, 1.0], [640.0, 459.0, 702.0, 646.0, 1.0], [1378.0, 438.0, 1444.0, 562.0, 1.0], [1504.0, 438.0, 1555.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 616.0, 589.0, 1.0], [981.0, 456.0, 1013.0, 533.0, 1.0], [638.0, 454.0, 677.0, 587.0, 1.0], [699.0, 463.0, 727.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [731.0, 509.0, 767.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1058.0, 518.0, 1.0], [674.0, 451.0, 708.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 11, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]]}, "ret_ret": [[1524.0719231827607, 413.27, 1644.3319231827604, 776.04, 3.0], [590.832351928854, 439.77613517319253, 684.2660895400193, 722.0804297971116, 2.0], [1433.1493880100631, 395.91719923750554, 1563.7400136037588, 789.7003681317773, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1], [584.04, 446.86, 668.7819999999999, 703.09, 1.3588], [1528.8, 413.27, 1649.06, 776.04, 1.3192], [1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1435.0, 408.0, 1564.0, 803.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1540.0, 428.0, 1667.0, 779.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [729.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [442.0, 445.0, 567.0, 728.0, 1.0], [640.0, 459.0, 703.0, 646.0, 1.0], [1382.0, 437.0, 1446.0, 562.0, 1.0], [1508.0, 438.0, 1559.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [982.0, 455.0, 1014.0, 532.0, 1.0], [638.0, 454.0, 676.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 766.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [675.0, 451.0, 709.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 11, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]], "unmatched_before_before": [[460.48, 442.1, 551.376, 716.79, 0.51467], [1254.6, 446.72, 1288.422, 550.19, 0.44909], [729.0, 457.0, 768.0, 576.0, 0.36282]]}, "ret_dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1], [584.04, 446.86, 668.7819999999999, 703.09, 1.3588], [1528.8, 413.27, 1649.06, 776.04, 1.3192], [1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1435.0, 408.0, 1564.0, 803.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1540.0, 428.0, 1667.0, 779.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [729.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [442.0, 445.0, 567.0, 728.0, 1.0], [640.0, 459.0, 703.0, 646.0, 1.0], [1382.0, 437.0, 1446.0, 562.0, 1.0], [1508.0, 438.0, 1559.0, 561.0, 1.0], [480.0, 460.0, 569.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [982.0, 455.0, 1014.0, 532.0, 1.0], [638.0, 454.0, 676.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 550.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [730.0, 509.0, 766.0, 576.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [675.0, 451.0, 709.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 12, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]]}, "ret_ret": [[1529.6895319285527, 413.27, 1649.949531928553, 776.04, 3.0], [586.5747249794955, 444.6158281821681, 674.3756967753983, 710.0209419920261, 2.0], [1446.8394354968902, 391.98342907622373, 1582.9338398215093, 802.2776153059121, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1434.1, 389.14, 1582.3899999999999, 836.0, 2.3735], [589.13, 442.1, 680.026, 716.79, 1.3351], [1528.8, 413.27, 1649.06, 776.04, 1.3038], [729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1444.0, 407.0, 1575.0, 804.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1542.0, 427.0, 1684.0, 781.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [728.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [443.0, 445.0, 568.0, 729.0, 1.0], [641.0, 459.0, 704.0, 647.0, 1.0], [1387.0, 437.0, 1449.0, 562.0, 1.0], [1512.0, 438.0, 1563.0, 561.0, 1.0], [481.0, 460.0, 570.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [983.0, 455.0, 1015.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [729.0, 510.0, 765.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [676.0, 451.0, 710.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 12, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]], "unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.57287], [1254.6, 446.72, 1288.422, 550.19, 0.51015], [460.48, 442.1, 551.376, 716.79, 0.49628]]}, "ret_dets": [[1434.1, 389.14, 1582.3899999999999, 836.0, 2.3735], [589.13, 442.1, 680.026, 716.79, 1.3351], [1528.8, 413.27, 1649.06, 776.04, 1.3038], [729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1444.0, 407.0, 1575.0, 804.0, 1.0], [587.0, 444.0, 673.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1542.0, 427.0, 1684.0, 781.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [728.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 457.0, 762.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 434.0, 1054.0, 550.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [443.0, 445.0, 568.0, 729.0, 1.0], [641.0, 459.0, 704.0, 647.0, 1.0], [1387.0, 437.0, 1449.0, 562.0, 1.0], [1512.0, 438.0, 1563.0, 561.0, 1.0], [481.0, 460.0, 570.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [983.0, 455.0, 1015.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [729.0, 510.0, 765.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 430.0, 598.0, 473.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [676.0, 451.0, 710.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 13, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]]}, "ret_ret": [[1531.3579152428729, 413.27, 1651.617915242873, 776.04, 3.0], [588.407594913225, 443.42887428737805, 678.059179085056, 714.3848783472006, 2.0], [1441.3449871197433, 389.4076997110632, 1586.0553166657035, 825.5556181896235, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.7187], [589.13, 442.1, 680.026, 716.79, 1.602], [1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008], [1534.5, 416.87, 1663.46, 805.75, 0.41621]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 406.0, 1586.0, 805.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1544.0, 426.0, 1701.0, 784.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [444.0, 445.0, 569.0, 729.0, 1.0], [641.0, 459.0, 705.0, 648.0, 1.0], [1391.0, 437.0, 1452.0, 563.0, 1.0], [1516.0, 438.0, 1567.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [985.0, 455.0, 1017.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 510.0, 764.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [677.0, 451.0, 711.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 13, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]], "unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.73431], [729.0, 449.0, 768.0, 568.0, 0.57074]]}, "ret_dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.7187], [589.13, 442.1, 680.026, 716.79, 1.602], [1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008], [1534.5, 416.87, 1663.46, 805.75, 0.41621]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 406.0, 1586.0, 805.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1544.0, 426.0, 1701.0, 784.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 560.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [444.0, 445.0, 569.0, 729.0, 1.0], [641.0, 459.0, 705.0, 648.0, 1.0], [1391.0, 437.0, 1452.0, 563.0, 1.0], [1516.0, 438.0, 1567.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [985.0, 455.0, 1017.0, 532.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 510.0, 764.0, 577.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [677.0, 451.0, 711.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 14, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]]}, "ret_ret": [[1535.5228228210801, 415.6829931122986, 1661.7077786517082, 796.2448809009859, 3.0], [589.084943604385, 442.9553259014968, 679.4355720582917, 716.0074613594663, 2.0], [1449.2167886723587, 389.685685230879, 1590.5163219675815, 815.5931763839751, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1441], [589.13, 442.1, 680.026, 716.79, 1.4509], [1254.6, 446.72, 1288.422, 550.19, 0.9907], [1533.2, 391.01, 1671.49, 807.87, 0.79299], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 407.0, 1609.0, 807.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1546.0, 425.0, 1718.0, 786.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [445.0, 445.0, 569.0, 730.0, 1.0], [642.0, 459.0, 706.0, 649.0, 1.0], [1396.0, 437.0, 1455.0, 563.0, 1.0], [1520.0, 438.0, 1571.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [986.0, 455.0, 1018.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 511.0, 764.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [679.0, 451.0, 713.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 14, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]], "unmatched_before_before": [[729.0, 449.0, 768.0, 568.0, 0.55511], [1254.6, 446.72, 1288.422, 550.19, 0.39739], [478.71, 493.64, 552.353, 716.5699999999999, 0.33771]]}, "ret_dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.1441], [589.13, 442.1, 680.026, 716.79, 1.4509], [1254.6, 446.72, 1288.422, 550.19, 0.9907], [1533.2, 391.01, 1671.49, 807.87, 0.79299], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 407.0, 1609.0, 807.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1546.0, 425.0, 1718.0, 786.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [727.0, 487.0, 766.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 435.0, 1054.0, 551.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [445.0, 445.0, 569.0, 730.0, 1.0], [642.0, 459.0, 706.0, 649.0, 1.0], [1396.0, 437.0, 1455.0, 563.0, 1.0], [1520.0, 438.0, 1571.0, 561.0, 1.0], [482.0, 460.0, 571.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 589.0, 1.0], [986.0, 455.0, 1018.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [728.0, 511.0, 764.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1033.0, 450.0, 1057.0, 518.0, 1.0], [679.0, 451.0, 713.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 15, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]]}, "ret_ret": [[1535.9337344836702, 399.1922680940297, 1670.5483063185773, 805.0509855893899, 3.0], [589.3204191597142, 442.7431233625518, 679.940958105602, 716.6046044760915, 2.0], [1451.91176672522, 389.86250761913027, 1591.852099789947, 811.6880184640214, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.213], [589.13, 442.1, 680.026, 716.79, 1.8523], [1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [1534.5, 416.87, 1663.46, 805.75, 0.35311], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 408.0, 1633.0, 810.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1549.0, 425.0, 1736.0, 789.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [726.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [446.0, 445.0, 570.0, 731.0, 1.0], [642.0, 460.0, 708.0, 650.0, 1.0], [1401.0, 436.0, 1457.0, 563.0, 1.0], [1521.0, 437.0, 1573.0, 560.0, 1.0], [483.0, 460.0, 572.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [988.0, 455.0, 1020.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [727.0, 511.0, 763.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1032.0, 449.0, 1056.0, 517.0, 1.0], [680.0, 451.0, 714.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 15, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [729.81, 446.86, 771.6809999999999, 574.47, 0.52778], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.5207], [729.81, 446.86, 771.6809999999999, 574.47, 0.49008]]}, "ret_dets": [[1449.6, 391.01, 1587.8899999999999, 807.87, 2.213], [589.13, 442.1, 680.026, 716.79, 1.8523], [1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132], [1534.5, 416.87, 1663.46, 805.75, 0.35311], [729.81, 446.86, 771.6809999999999, 574.47, 0.33441]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 408.0, 1633.0, 810.0, 1.0], [587.0, 444.0, 674.0, 711.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1549.0, 425.0, 1736.0, 789.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [726.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [933.0, 435.0, 975.0, 549.0, 1.0], [446.0, 445.0, 570.0, 731.0, 1.0], [642.0, 460.0, 708.0, 650.0, 1.0], [1401.0, 436.0, 1457.0, 563.0, 1.0], [1521.0, 437.0, 1573.0, 560.0, 1.0], [483.0, 460.0, 572.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [988.0, 455.0, 1020.0, 532.0, 1.0], [638.0, 454.0, 676.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [727.0, 511.0, 763.0, 578.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 427.0, 613.0, 469.0, 1.0], [1032.0, 449.0, 1056.0, 517.0, 1.0], [680.0, 451.0, 714.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 16, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]]}, "ret_ret": [[1254.6, 446.72, 1288.422, 550.19, 4.0], [1536.7228565144483, 410.3785371196136, 1668.1825983061508, 806.7694116831772, 3.0], [589.3894705889359, 442.6323476618859, 680.1173873991052, 716.8158994404496, 2.0], [1452.6666214257107, 389.97336202531005, 1592.0504617305219, 810.1271092240156, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.9494], [1456.6, 416.87, 1585.56, 805.75, 1.8125], [1254.6, 446.72, 1288.422, 550.19, 1.0309], [465.47, 444.35, 570.03, 760.03, 0.53576]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 409.0, 1657.0, 812.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1550.0, 428.0, 1740.0, 791.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 975.0, 549.0, 1.0], [446.0, 444.0, 571.0, 731.0, 1.0], [643.0, 460.0, 709.0, 650.0, 1.0], [1405.0, 436.0, 1460.0, 564.0, 1.0], [1523.0, 437.0, 1575.0, 560.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [989.0, 454.0, 1021.0, 531.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1031.0, 449.0, 1055.0, 517.0, 1.0], [681.0, 451.0, 715.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 16, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.9907], [481.15, 464.01, 565.8919999999999, 720.24, 0.45687]]}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.9494], [1456.6, 416.87, 1585.56, 805.75, 1.8125], [1254.6, 446.72, 1288.422, 550.19, 1.0309], [465.47, 444.35, 570.03, 760.03, 0.53576]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 409.0, 1657.0, 812.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1550.0, 428.0, 1740.0, 791.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 561.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 457.0, 761.0, 532.0, 0.0], [1256.0, 447.0, 1289.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1100.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 975.0, 549.0, 1.0], [446.0, 444.0, 571.0, 731.0, 1.0], [643.0, 460.0, 709.0, 650.0, 1.0], [1405.0, 436.0, 1460.0, 564.0, 1.0], [1523.0, 437.0, 1575.0, 560.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 464.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [989.0, 454.0, 1021.0, 531.0, 1.0], [638.0, 454.0, 676.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1031.0, 449.0, 1055.0, 517.0, 1.0], [681.0, 451.0, 715.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 17, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 1, "confidence": 1, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]]}, "ret_ret": [[1254.6, 446.72, 1288.422, 550.19, 4.0], [1541.499395188662, 410.3091427466623, 1674.0831642397645, 810.0892994000442, 3.0], [589.397399043542, 442.5635286132723, 680.1704427808554, 716.882526227303, 2.0], [1457.2056988487655, 406.721703815007, 1590.4364368321305, 808.421927719648, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.9955], [1449.6, 391.01, 1587.8899999999999, 807.87, 1.5278], [1254.6, 446.72, 1288.422, 550.19, 0.58591], [465.47, 444.35, 570.03, 760.03, 0.5274]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 411.0, 1681.0, 815.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1552.0, 431.0, 1744.0, 794.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1099.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [447.0, 444.0, 571.0, 732.0, 1.0], [643.0, 460.0, 710.0, 651.0, 1.0], [1410.0, 436.0, 1463.0, 564.0, 1.0], [1525.0, 436.0, 1577.0, 559.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [990.0, 454.0, 1022.0, 531.0, 1.0], [639.0, 454.0, 677.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1030.0, 449.0, 1054.0, 517.0, 1.0], [682.0, 451.0, 716.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 17, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 1, "confidence": 1, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]], "unmatched_before_before": [[1254.6, 446.72, 1288.422, 550.19, 0.89436], [478.86, 460.48, 569.756, 735.1700000000001, 0.48132]]}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.9955], [1449.6, 391.01, 1587.8899999999999, 807.87, 1.5278], [1254.6, 446.72, 1288.422, 550.19, 0.58591], [465.47, 444.35, 570.03, 760.03, 0.5274]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1453.0, 411.0, 1681.0, 815.0, 1.0], [587.0, 444.0, 675.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1552.0, 431.0, 1744.0, 794.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [725.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 436.0, 1054.0, 552.0, 1.0], [1099.0, 440.0, 1138.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [447.0, 444.0, 571.0, 732.0, 1.0], [643.0, 460.0, 710.0, 651.0, 1.0], [1410.0, 436.0, 1463.0, 564.0, 1.0], [1525.0, 436.0, 1577.0, 559.0, 1.0], [484.0, 460.0, 573.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [990.0, 454.0, 1022.0, 531.0, 1.0], [639.0, 454.0, 677.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 551.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [726.0, 512.0, 762.0, 579.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1030.0, 449.0, 1054.0, 517.0, 1.0], [682.0, 451.0, 716.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 18, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]]}, "ret_ret": [[1254.6, 446.72, 1288.422, 550.19, 4.0], [1546.5587199128686, 411.09243382815674, 1679.7009441233854, 812.5565016624653, 3.0], [589.3841534495077, 442.5138209251917, 680.1781361775397, 716.8957416644975, 2.0], [1454.2141723296531, 396.3967179053432, 1591.0108725428004, 808.7909408052999, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.7981], [1477.5, 391.01, 1615.79, 807.87, 1.7111], [1255.1, 449.36, 1286.59, 545.83, 1.1782], [465.47, 444.35, 570.03, 760.03, 0.69666]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1455.0, 411.0, 1687.0, 817.0, 1.0], [588.0, 444.0, 676.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1553.0, 434.0, 1748.0, 797.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [724.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [448.0, 444.0, 572.0, 732.0, 1.0], [644.0, 460.0, 711.0, 652.0, 1.0], [1415.0, 436.0, 1466.0, 565.0, 1.0], [1527.0, 436.0, 1579.0, 559.0, 1.0], [485.0, 460.0, 574.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [992.0, 454.0, 1024.0, 531.0, 1.0], [639.0, 454.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [725.0, 513.0, 761.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1029.0, 449.0, 1053.0, 517.0, 1.0], [683.0, 451.0, 717.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 18, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 2, "confidence": 0.9436228315834712, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.53576]]}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.7981], [1477.5, 391.01, 1615.79, 807.87, 1.7111], [1255.1, 449.36, 1286.59, 545.83, 1.1782], [465.47, 444.35, 570.03, 760.03, 0.69666]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1455.0, 411.0, 1687.0, 817.0, 1.0], [588.0, 444.0, 676.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [1553.0, 434.0, 1748.0, 797.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [724.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [448.0, 444.0, 572.0, 732.0, 1.0], [644.0, 460.0, 711.0, 652.0, 1.0], [1415.0, 436.0, 1466.0, 565.0, 1.0], [1527.0, 436.0, 1579.0, 559.0, 1.0], [485.0, 460.0, 574.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [992.0, 454.0, 1024.0, 531.0, 1.0], [639.0, 454.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [725.0, 513.0, 761.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1029.0, 449.0, 1053.0, 517.0, 1.0], [683.0, 451.0, 717.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 19, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]]}, "ret_ret": [[1254.9837692394617, 448.77800647797494, 1286.9905270730874, 546.7791028745664, 4.0], [1551.7580967089461, 412.2980242577003, 1685.1786719351353, 814.6014045768375, 3.0], [589.3646994069339, 442.474114952921, 680.169975864559, 716.8900299773287, 2.0], [1471.2077036984115, 392.5229669684495, 1609.3139962506152, 808.8429327107094, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.7622], [1504.6, 413.27, 1624.86, 776.04, 1.4748], [473.76, 454.06, 571.252, 748.53, 0.75093], [1255.1, 449.36, 1286.59, 545.83, 0.73368]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1458.0, 411.0, 1694.0, 819.0, 1.0], [589.0, 444.0, 677.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1555.0, 438.0, 1753.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [449.0, 444.0, 573.0, 733.0, 1.0], [644.0, 460.0, 712.0, 653.0, 1.0], [1414.0, 434.0, 1469.0, 563.0, 1.0], [1529.0, 436.0, 1581.0, 559.0, 1.0], [486.0, 460.0, 575.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [993.0, 454.0, 1025.0, 531.0, 1.0], [640.0, 454.0, 679.0, 588.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 513.0, 760.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1028.0, 448.0, 1052.0, 517.0, 1.0], [684.0, 451.0, 718.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 19, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 3, "confidence": 0.6682325107033414, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.5274]]}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.7622], [1504.6, 413.27, 1624.86, 776.04, 1.4748], [473.76, 454.06, 571.252, 748.53, 0.75093], [1255.1, 449.36, 1286.59, 545.83, 0.73368]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1458.0, 411.0, 1694.0, 819.0, 1.0], [589.0, 444.0, 677.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1555.0, 438.0, 1753.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 767.0, 562.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 437.0, 1054.0, 553.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [449.0, 444.0, 573.0, 733.0, 1.0], [644.0, 460.0, 712.0, 653.0, 1.0], [1414.0, 434.0, 1469.0, 563.0, 1.0], [1529.0, 436.0, 1581.0, 559.0, 1.0], [486.0, 460.0, 575.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 590.0, 1.0], [993.0, 454.0, 1025.0, 531.0, 1.0], [640.0, 454.0, 679.0, 588.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 513.0, 760.0, 580.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 429.0, 598.0, 472.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1028.0, 448.0, 1052.0, 517.0, 1.0], [684.0, 451.0, 718.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 20, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]]}, "ret_ret": [[1255.1086887766505, 449.420742279566, 1286.5538109347203, 545.7337468372195, 4.0], [1557.0271700295723, 413.71377078479435, 1690.5867032223366, 816.436151393659, 3.0], [589.3444931822534, 442.44055616423003, 680.1570212554078, 716.878333931774, 2.0], [1494.920520719009, 404.785558841799, 1622.2678675335105, 788.8347286977948, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.9376], [1505.3, 391.01, 1643.59, 807.87, 1.644], [478.86, 442.1, 569.756, 716.79, 1.1515], [1254.6, 446.72, 1288.422, 550.19, 1.039]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1461.0, 411.0, 1700.0, 821.0, 1.0], [590.0, 444.0, 678.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1568.0, 434.0, 1761.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 768.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 438.0, 1054.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [450.0, 444.0, 574.0, 734.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 433.0, 1472.0, 562.0, 1.0], [1531.0, 435.0, 1583.0, 558.0, 1.0], [487.0, 460.0, 576.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 457.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [641.0, 455.0, 680.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 514.0, 760.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 460.0, 1004.0, 513.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1027.0, 448.0, 1051.0, 517.0, 1.0], [686.0, 451.0, 720.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 20, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 4, "confidence": 0.538051416941092, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "unmatched_before": [[473.76, 454.06, 571.252, 748.53, 0.75093]], "unmatched_before_before": [[465.47, 444.35, 570.03, 760.03, 0.69666]]}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.9376], [1505.3, 391.01, 1643.59, 807.87, 1.644], [478.86, 442.1, 569.756, 716.79, 1.1515], [1254.6, 446.72, 1288.422, 550.19, 1.039]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1461.0, 411.0, 1700.0, 821.0, 1.0], [590.0, 444.0, 678.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1568.0, 434.0, 1761.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [723.0, 487.0, 768.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 457.0, 760.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1014.0, 438.0, 1054.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [932.0, 435.0, 974.0, 549.0, 1.0], [450.0, 444.0, 574.0, 734.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 433.0, 1472.0, 562.0, 1.0], [1531.0, 435.0, 1583.0, 558.0, 1.0], [487.0, 460.0, 576.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 457.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [641.0, 455.0, 680.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 504.0, 764.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [724.0, 514.0, 760.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 460.0, 1004.0, 513.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1027.0, 448.0, 1051.0, 517.0, 1.0], [686.0, 451.0, 720.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 21, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[478.86, 442.09999999999997, 569.756, 716.79, 5.0], [1254.7769313066158, 447.6713533421794, 1287.7552545896476, 548.6061539713143, 4.0], [1562.3310099354915, 415.2343490798655, 1695.959967924245, 818.1660664425035, 3.0], [589.3253986370006, 442.41134992784885, 680.143327091928, 716.865427989159, 2.0], [1504.3738155016474, 395.611853001599, 1638.9475991660781, 801.3401812480131, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.13, 442.1, 680.026, 716.79, 1.8486], [1254.6, 446.72, 1288.422, 550.19, 1.2821], [1528.8, 413.27, 1649.06, 776.04, 1.0685], [473.76, 454.06, 571.252, 748.53, 0.97482], [1612.5, 416.87, 1741.46, 805.75, 0.83626]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1464.0, 411.0, 1707.0, 824.0, 1.0], [590.0, 444.0, 679.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1582.0, 430.0, 1769.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 487.0, 767.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [452.0, 444.0, 575.0, 733.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 432.0, 1476.0, 561.0, 1.0], [1533.0, 435.0, 1585.0, 558.0, 1.0], [488.0, 460.0, 577.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [640.0, 455.0, 679.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [722.0, 514.0, 759.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [687.0, 450.0, 721.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 21, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 5, "confidence": 0.49401345460802903, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[589.13, 442.1, 680.026, 716.79, 1.8486], [1254.6, 446.72, 1288.422, 550.19, 1.2821], [1528.8, 413.27, 1649.06, 776.04, 1.0685], [473.76, 454.06, 571.252, 748.53, 0.97482], [1612.5, 416.87, 1741.46, 805.75, 0.83626]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1464.0, 411.0, 1707.0, 824.0, 1.0], [590.0, 444.0, 679.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1582.0, 430.0, 1769.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 487.0, 767.0, 563.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [452.0, 444.0, 575.0, 733.0, 1.0], [645.0, 461.0, 714.0, 654.0, 1.0], [1414.0, 432.0, 1476.0, 561.0, 1.0], [1533.0, 435.0, 1585.0, 558.0, 1.0], [488.0, 460.0, 577.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [995.0, 454.0, 1027.0, 531.0, 1.0], [640.0, 455.0, 679.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [722.0, 514.0, 759.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [687.0, 450.0, 721.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 22, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[474.53241183630394, 452.168854601308, 571.0340497021575, 743.6980684756151, 5.0], [1254.6651409698115, 447.0639597213393, 1288.1831350255052, 549.621711984325, 4.0], [1609.4146143806977, 416.7762545667141, 1738.7549510693614, 806.7996605582199, 3.0], [589.3079434555965, 442.3855414577873, 680.1303022260039, 716.8530004821415, 2.0], [1522.8759101867365, 406.1232970685061, 1648.7770968278367, 785.8316040051924, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[592.14, 423.24, 696.7, 738.9200000000001, 1.3496], [478.86, 442.1, 569.756, 716.79, 0.99598], [1254.6, 446.72, 1288.422, 550.19, 0.97923], [1583.4, 389.14, 1731.69, 836.0, 0.72361], [1505.3, 391.01, 1643.59, 807.87, 0.41319], [721.23, 455.43, 763.101, 583.04, 0.39383]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1471.0, 411.0, 1708.0, 826.0, 1.0], [591.0, 444.0, 680.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1596.0, 427.0, 1777.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 564.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [454.0, 444.0, 576.0, 733.0, 1.0], [646.0, 461.0, 715.0, 654.0, 1.0], [1413.0, 431.0, 1479.0, 560.0, 1.0], [1535.0, 434.0, 1587.0, 557.0, 1.0], [489.0, 460.0, 578.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [996.0, 454.0, 1028.0, 531.0, 1.0], [640.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [721.0, 514.0, 758.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [688.0, 450.0, 722.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 22, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[592.14, 423.24, 696.7, 738.9200000000001, 1.3496], [478.86, 442.1, 569.756, 716.79, 0.99598], [1254.6, 446.72, 1288.422, 550.19, 0.97923], [1583.4, 389.14, 1731.69, 836.0, 0.72361], [1505.3, 391.01, 1643.59, 807.87, 0.41319], [721.23, 455.43, 763.101, 583.04, 0.39383]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1471.0, 411.0, 1708.0, 826.0, 1.0], [591.0, 444.0, 680.0, 712.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1596.0, 427.0, 1777.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 564.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 457.0, 759.0, 532.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 438.0, 1053.0, 554.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 974.0, 549.0, 1.0], [454.0, 444.0, 576.0, 733.0, 1.0], [646.0, 461.0, 715.0, 654.0, 1.0], [1413.0, 431.0, 1479.0, 560.0, 1.0], [1535.0, 434.0, 1587.0, 557.0, 1.0], [489.0, 460.0, 578.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [996.0, 454.0, 1028.0, 531.0, 1.0], [640.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 552.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [721.0, 514.0, 758.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 426.0, 613.0, 468.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [688.0, 450.0, 722.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 23, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched_before_before": []}, "ret_ret": [[477.7979291340363, 444.48351187293673, 570.0819764599725, 723.331939165302, 5.0], [1254.6249194481525, 446.8437281372351, 1288.3394898235688, 549.9919054568795, 4.0], [1594.194507585966, 398.0663040671286, 1736.587635123645, 827.258854763679, 3.0], [591.268974663931, 430.03226511567175, 691.0226626107631, 731.3117295902013, 2.0], [1514.4231212985248, 396.13412725705484, 1648.4412176605927, 800.1954001545259, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[592.14, 423.24, 696.7, 738.9200000000001, 1.4597], [1255.1, 449.36, 1286.59, 545.83, 1.4564], [1553.6, 389.14, 1701.8899999999999, 836.0, 1.1558], [1638.5, 416.87, 1767.46, 805.75, 0.88305], [476.18, 430.92, 588.32, 769.33, 0.77979], [721.23, 455.43, 763.101, 583.04, 0.57398]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1478.0, 411.0, 1709.0, 828.0, 1.0], [592.0, 444.0, 681.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1606.0, 425.0, 1787.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 565.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [456.0, 444.0, 577.0, 733.0, 1.0], [647.0, 461.0, 716.0, 654.0, 1.0], [1413.0, 430.0, 1482.0, 559.0, 1.0], [1537.0, 434.0, 1589.0, 557.0, 1.0], [490.0, 460.0, 579.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [997.0, 454.0, 1029.0, 531.0, 1.0], [639.0, 455.0, 678.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [720.0, 514.0, 757.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [689.0, 450.0, 723.0, 536.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 23, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]], "unmatched_before_before": []}, "ret_dets": [[592.14, 423.24, 696.7, 738.9200000000001, 1.4597], [1255.1, 449.36, 1286.59, 545.83, 1.4564], [1553.6, 389.14, 1701.8899999999999, 836.0, 1.1558], [1638.5, 416.87, 1767.46, 805.75, 0.88305], [476.18, 430.92, 588.32, 769.33, 0.77979], [721.23, 455.43, 763.101, 583.04, 0.57398]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1478.0, 411.0, 1709.0, 828.0, 1.0], [592.0, 444.0, 681.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1606.0, 425.0, 1787.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [722.0, 488.0, 767.0, 565.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [456.0, 444.0, 577.0, 733.0, 1.0], [647.0, 461.0, 716.0, 654.0, 1.0], [1413.0, 430.0, 1482.0, 559.0, 1.0], [1537.0, 434.0, 1589.0, 557.0, 1.0], [490.0, 460.0, 579.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [997.0, 454.0, 1029.0, 531.0, 1.0], [639.0, 455.0, 678.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [720.0, 514.0, 757.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [689.0, 450.0, 723.0, 536.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 24, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]]}, "ret_ret": [[476.47744813848993, 433.0928369178856, 584.5460171190605, 759.3761607215589, 5.0], [1254.9345139811799, 448.5125392454692, 1287.1679575681055, 547.210081674029, 4.0], [1625.539947943039, 410.0165294925057, 1759.6140857383052, 814.2489303264151, 3.0], [592.0922086272996, 425.6312205320727, 695.0410237292555, 736.4903315934745, 2.0], [1542.6173048458713, 391.3687946516094, 1686.0926728201193, 823.8055237479774, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1553.6, 389.14, 1701.8899999999999, 836.0, 1.6482], [592.14, 423.24, 696.7, 738.9200000000001, 1.3277], [1255.1, 449.36, 1286.59, 545.83, 1.158], [1644.6, 391.01, 1782.8899999999999, 807.87, 0.99419], [497.24, 442.1, 588.136, 716.79, 0.93764], [721.23, 455.43, 763.101, 583.04, 0.64348]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1486.0, 411.0, 1711.0, 830.0, 1.0], [593.0, 444.0, 682.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1616.0, 423.0, 1797.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 489.0, 767.0, 566.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [459.0, 444.0, 579.0, 733.0, 1.0], [648.0, 461.0, 717.0, 655.0, 1.0], [1413.0, 429.0, 1486.0, 558.0, 1.0], [1539.0, 434.0, 1591.0, 557.0, 1.0], [492.0, 460.0, 581.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [998.0, 454.0, 1030.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [718.0, 514.0, 756.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [690.0, 450.0, 724.0, 537.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 24, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.39383]]}, "ret_dets": [[1553.6, 389.14, 1701.8899999999999, 836.0, 1.6482], [592.14, 423.24, 696.7, 738.9200000000001, 1.3277], [1255.1, 449.36, 1286.59, 545.83, 1.158], [1644.6, 391.01, 1782.8899999999999, 807.87, 0.99419], [497.24, 442.1, 588.136, 716.79, 0.93764], [721.23, 455.43, 763.101, 583.04, 0.64348]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1486.0, 411.0, 1711.0, 830.0, 1.0], [593.0, 444.0, 682.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1616.0, 423.0, 1797.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 489.0, 767.0, 566.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 458.0, 759.0, 533.0, 0.0], [1257.0, 447.0, 1290.0, 547.0, 1.0], [1013.0, 439.0, 1053.0, 555.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [459.0, 444.0, 579.0, 733.0, 1.0], [648.0, 461.0, 717.0, 655.0, 1.0], [1413.0, 429.0, 1486.0, 558.0, 1.0], [1539.0, 434.0, 1591.0, 557.0, 1.0], [492.0, 460.0, 581.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [998.0, 454.0, 1030.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [718.0, 514.0, 756.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [690.0, 450.0, 724.0, 537.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 25, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]]}, "ret_ret": [[491.67800862544414, 437.9529098303934, 588.7687399033662, 731.2596785368106, 5.0], [1255.056918265653, 449.15236232773304, 1286.7290553168802, 546.1615675235869, 4.0], [1641.138839731954, 397.91697648711397, 1777.945848733754, 810.3380366740339, 3.0], [592.3890818311994, 423.99209156402, 696.522462580636, 738.4008726594964, 2.0], [1553.1030990755892, 389.79028592816144, 1700.0066537666542, 832.5056754460959, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1583.4, 389.14, 1731.69, 836.0, 1.8024], [592.14, 402.13, 696.7, 717.81, 1.3127], [493.46, 434.36, 590.952, 728.83, 0.77876], [1254.6, 446.72, 1288.422, 550.19, 0.72348], [721.23, 455.43, 763.101, 583.04, 0.3272]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1504.0, 408.0, 1719.0, 829.0, 1.0], [593.0, 444.0, 683.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1627.0, 422.0, 1807.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 767.0, 567.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 459.0, 759.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [461.0, 444.0, 580.0, 733.0, 1.0], [649.0, 461.0, 718.0, 655.0, 1.0], [1417.0, 429.0, 1488.0, 558.0, 1.0], [1547.0, 437.0, 1589.0, 558.0, 1.0], [493.0, 460.0, 582.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 583.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [717.0, 515.0, 755.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [691.0, 450.0, 725.0, 537.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 25, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.49401345460802903, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.57398]]}, "ret_dets": [[1583.4, 389.14, 1731.69, 836.0, 1.8024], [592.14, 402.13, 696.7, 717.81, 1.3127], [493.46, 434.36, 590.952, 728.83, 0.77876], [1254.6, 446.72, 1288.422, 550.19, 0.72348], [721.23, 455.43, 763.101, 583.04, 0.3272]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1504.0, 408.0, 1719.0, 829.0, 1.0], [593.0, 444.0, 683.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1627.0, 422.0, 1807.0, 798.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 767.0, 567.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 459.0, 759.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [461.0, 444.0, 580.0, 733.0, 1.0], [649.0, 461.0, 718.0, 655.0, 1.0], [1417.0, 429.0, 1488.0, 558.0, 1.0], [1547.0, 437.0, 1589.0, 558.0, 1.0], [493.0, 460.0, 582.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 557.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 456.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 583.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [717.0, 515.0, 755.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 428.0, 598.0, 471.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [691.0, 450.0, 725.0, 537.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 26, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]]}, "ret_ret": [[494.1315719122721, 434.7538098788473, 591.7546662318208, 729.6385063567975, 5.0], [1254.7681564300835, 447.615989102101, 1287.7960542043932, 548.7028714769533, 4.0], [1650.7720930680352, 397.68393504699753, 1787.7756047822772, 810.6973761183924, 3.0], [592.4745657856755, 409.5717607275151, 697.0484381591765, 725.3000868201411, 2.0], [1576.2459666118125, 389.20713456107603, 1724.4182478519856, 835.7252392237432, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1583.4, 389.14, 1731.69, 836.0, 1.5583], [589.13, 442.1, 680.026, 716.79, 1.3233], [497.24, 442.1, 588.136, 716.79, 1.0853], [1254.6, 446.72, 1288.422, 550.19, 0.91555], [721.0, 457.0, 760.0, 576.0, 0.61912]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1522.0, 406.0, 1727.0, 829.0, 1.0], [594.0, 444.0, 684.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1637.0, 420.0, 1824.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 766.0, 568.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [463.0, 444.0, 581.0, 733.0, 1.0], [650.0, 461.0, 719.0, 655.0, 1.0], [1422.0, 429.0, 1491.0, 558.0, 1.0], [1548.0, 436.0, 1592.0, 557.0, 1.0], [494.0, 460.0, 583.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [716.0, 515.0, 754.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [693.0, 450.0, 726.0, 537.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 26, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 1, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.64348]]}, "ret_dets": [[1583.4, 389.14, 1731.69, 836.0, 1.5583], [589.13, 442.1, 680.026, 716.79, 1.3233], [497.24, 442.1, 588.136, 716.79, 1.0853], [1254.6, 446.72, 1288.422, 550.19, 0.91555], [721.0, 457.0, 760.0, 576.0, 0.61912]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1522.0, 406.0, 1727.0, 829.0, 1.0], [594.0, 444.0, 684.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1637.0, 420.0, 1824.0, 799.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [721.0, 490.0, 766.0, 568.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [463.0, 444.0, 581.0, 733.0, 1.0], [650.0, 461.0, 719.0, 655.0, 1.0], [1422.0, 429.0, 1491.0, 558.0, 1.0], [1548.0, 436.0, 1592.0, 557.0, 1.0], [494.0, 460.0, 583.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [418.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [999.0, 454.0, 1031.0, 531.0, 1.0], [639.0, 455.0, 677.0, 584.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [716.0, 515.0, 754.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [693.0, 450.0, 726.0, 537.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 27, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]]}, "ret_ret": [[497.39389231141604, 439.03048501508465, 590.6394685500873, 720.7717874284265, 5.0], [1254.6660519584261, 447.05723165085266, 1288.1929079650367, 549.642236118184, 4.0], [1660.4545248897139, 397.59914802247266, 1797.556182345203, 810.9084611471592, 3.0], [590.2608849886656, 429.48365725374845, 686.5675675819036, 720.4204990455104, 2.0], [1584.6811655762845, 388.9742106427502, 1733.317842645556, 836.8838141263418, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1583.4, 389.14, 1731.69, 836.0, 1.6787], [591.95, 434.36, 689.442, 728.83, 1.4676], [1255.1, 449.36, 1286.59, 545.83, 1.0565], [1672.5, 391.01, 1810.79, 807.87, 0.96665], [486.58, 444.35, 591.14, 760.03, 0.63979], [721.0, 457.0, 760.0, 576.0, 0.34328]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1540.0, 403.0, 1735.0, 829.0, 1.0], [595.0, 444.0, 685.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1647.0, 419.0, 1842.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 569.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [466.0, 444.0, 583.0, 733.0, 1.0], [651.0, 461.0, 719.0, 656.0, 1.0], [1426.0, 429.0, 1494.0, 559.0, 1.0], [1550.0, 436.0, 1595.0, 557.0, 1.0], [496.0, 460.0, 585.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1000.0, 454.0, 1032.0, 531.0, 1.0], [639.0, 455.0, 677.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [714.0, 515.0, 753.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [694.0, 450.0, 728.0, 537.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 27, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 1, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]], "unmatched_before_before": [[721.23, 455.43, 763.101, 583.04, 0.3272]]}, "ret_dets": [[1583.4, 389.14, 1731.69, 836.0, 1.6787], [591.95, 434.36, 689.442, 728.83, 1.4676], [1255.1, 449.36, 1286.59, 545.83, 1.0565], [1672.5, 391.01, 1810.79, 807.87, 0.96665], [486.58, 444.35, 591.14, 760.03, 0.63979], [721.0, 457.0, 760.0, 576.0, 0.34328]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1540.0, 403.0, 1735.0, 829.0, 1.0], [595.0, 444.0, 685.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1647.0, 419.0, 1842.0, 800.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 569.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 459.0, 758.0, 534.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 440.0, 1053.0, 556.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [466.0, 444.0, 583.0, 733.0, 1.0], [651.0, 461.0, 719.0, 656.0, 1.0], [1426.0, 429.0, 1494.0, 559.0, 1.0], [1550.0, 436.0, 1595.0, 557.0, 1.0], [496.0, 460.0, 585.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1000.0, 454.0, 1032.0, 531.0, 1.0], [639.0, 455.0, 677.0, 585.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [714.0, 515.0, 753.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [694.0, 450.0, 728.0, 537.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 28, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]]}, "ret_ret": [[491.05661323191543, 442.1589141941804, 592.1222823324936, 747.3805294881422, 5.0], [1254.941262788067, 448.544705740684, 1287.1459071545241, 547.1581563473471, 4.0], [1672.132004090727, 392.12094584763577, 1810.2100224022072, 808.348805714719, 3.0], [591.431631289837, 432.56949404882164, 688.53677928261, 725.8891395423587, 2.0], [1587.5171654901435, 388.87166269618984, 1736.315149128394, 837.2643118697952, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1613.3, 389.14, 1761.59, 836.0, 1.6573], [589.13, 442.1, 680.026, 716.79, 1.305], [493.46, 434.36, 590.952, 728.83, 0.78049], [1254.6, 446.72, 1288.422, 550.19, 0.7713]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1558.0, 401.0, 1743.0, 829.0, 1.0], [596.0, 444.0, 686.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1657.0, 418.0, 1859.0, 801.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 570.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [468.0, 444.0, 584.0, 733.0, 1.0], [652.0, 461.0, 720.0, 656.0, 1.0], [1431.0, 429.0, 1496.0, 559.0, 1.0], [1551.0, 436.0, 1598.0, 558.0, 1.0], [497.0, 460.0, 586.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1001.0, 454.0, 1033.0, 531.0, 1.0], [639.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [713.0, 515.0, 752.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [695.0, 449.0, 729.0, 538.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 28, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 1, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]], "unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.61912]]}, "ret_dets": [[1613.3, 389.14, 1761.59, 836.0, 1.6573], [589.13, 442.1, 680.026, 716.79, 1.305], [493.46, 434.36, 590.952, 728.83, 0.78049], [1254.6, 446.72, 1288.422, 550.19, 0.7713]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1558.0, 401.0, 1743.0, 829.0, 1.0], [596.0, 444.0, 686.0, 713.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1657.0, 418.0, 1859.0, 801.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 491.0, 766.0, 570.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [468.0, 444.0, 584.0, 733.0, 1.0], [652.0, 461.0, 720.0, 656.0, 1.0], [1431.0, 429.0, 1496.0, 559.0, 1.0], [1551.0, 436.0, 1598.0, 558.0, 1.0], [497.0, 460.0, 586.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1001.0, 454.0, 1033.0, 531.0, 1.0], [639.0, 455.0, 678.0, 586.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 553.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [713.0, 515.0, 752.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [695.0, 449.0, 729.0, 538.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 29, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]]}, "ret_ret": [[493.32326924393675, 436.6932893694278, 592.3457756489493, 735.770211174454, 5.0], [1254.729350953283, 447.40169758810947, 1287.9487885000442, 549.0642782825536, 4.0], [1682.0281434280462, 391.6921914091906, 1820.1981638355771, 808.1973860469398, 3.0], [589.933068376804, 438.5246718249373, 683.2134033707342, 720.3708067649595, 2.0], [1607.781028722805, 388.81974917852386, 1756.6261644713816, 837.3533249690113, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1613.3, 389.14, 1761.59, 836.0, 2.3943], [583.04, 364.77, 703.3, 727.54, 1.3456], [493.46, 454.06, 590.952, 748.53, 1.1339], [1255.1, 449.36, 1286.59, 545.83, 0.70465], [1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1576.0, 398.0, 1751.0, 829.0, 1.0], [597.0, 445.0, 687.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1667.0, 417.0, 1877.0, 802.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 492.0, 766.0, 571.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [470.0, 444.0, 585.0, 733.0, 1.0], [653.0, 461.0, 721.0, 656.0, 1.0], [1435.0, 429.0, 1499.0, 560.0, 1.0], [1552.0, 436.0, 1602.0, 559.0, 1.0], [498.0, 460.0, 587.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1002.0, 454.0, 1034.0, 531.0, 1.0], [639.0, 455.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [712.0, 515.0, 751.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [696.0, 449.0, 730.0, 538.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 29, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 1, "confidence": 1, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[721.0, 457.0, 760.0, 576.0, 0.34328]]}, "ret_dets": [[1613.3, 389.14, 1761.59, 836.0, 2.3943], [583.04, 364.77, 703.3, 727.54, 1.3456], [493.46, 454.06, 590.952, 748.53, 1.1339], [1255.1, 449.36, 1286.59, 545.83, 0.70465], [1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1576.0, 398.0, 1751.0, 829.0, 1.0], [597.0, 445.0, 687.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1667.0, 417.0, 1877.0, 802.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 492.0, 766.0, 571.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 460.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 441.0, 1053.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [470.0, 444.0, 585.0, 733.0, 1.0], [653.0, 461.0, 721.0, 656.0, 1.0], [1435.0, 429.0, 1499.0, 560.0, 1.0], [1552.0, 436.0, 1602.0, 559.0, 1.0], [498.0, 460.0, 587.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1002.0, 454.0, 1034.0, 531.0, 1.0], [639.0, 455.0, 678.0, 587.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [712.0, 515.0, 751.0, 581.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [696.0, 449.0, 730.0, 538.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 30, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 2, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched_before_before": []}, "ret_ret": [[494.0766320757104, 447.97214715626103, 592.3007479079082, 744.6474437966191, 5.0], [1254.9644946895257, 448.6680160236689, 1287.05994964656, 546.9538490349404, 4.0], [1691.9472947719287, 391.33280527686804, 1830.1632932623838, 807.976598073038, 3.0], [585.3363575441165, 390.1026622129351, 696.434754941916, 725.4460237687932, 2.0], [1615.1231950258637, 388.788712385681, 1763.9729903271752, 837.3358851189728, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1613.3, 389.14, 1761.59, 836.0, 2.8596], [601.19, 446.86, 685.932, 703.09, 1.2662], [493.46, 454.06, 590.952, 748.53, 1.1184], [1254.6, 446.72, 1288.422, 550.19, 0.78599], [1443.8, 432.91, 1488.748, 569.75, 0.70279], [572.83, 364.89, 701.7900000000001, 753.77, 0.56581]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1594.0, 396.0, 1760.0, 829.0, 1.0], [598.0, 444.0, 688.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1677.0, 416.0, 1895.0, 804.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 493.0, 766.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 536.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 442.0, 1053.0, 558.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 733.0, 1.0], [654.0, 461.0, 722.0, 657.0, 1.0], [1440.0, 429.0, 1502.0, 560.0, 1.0], [1554.0, 437.0, 1606.0, 560.0, 1.0], [500.0, 460.0, 589.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1003.0, 454.0, 1035.0, 531.0, 1.0], [640.0, 456.0, 679.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [711.0, 516.0, 750.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [697.0, 449.0, 731.0, 538.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 30, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 2, "confidence": 1, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]], "unmatched_before_before": []}, "ret_dets": [[1613.3, 389.14, 1761.59, 836.0, 2.8596], [601.19, 446.86, 685.932, 703.09, 1.2662], [493.46, 454.06, 590.952, 748.53, 1.1184], [1254.6, 446.72, 1288.422, 550.19, 0.78599], [1443.8, 432.91, 1488.748, 569.75, 0.70279], [572.83, 364.89, 701.7900000000001, 753.77, 0.56581]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1594.0, 396.0, 1760.0, 829.0, 1.0], [598.0, 444.0, 688.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1677.0, 416.0, 1895.0, 804.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [720.0, 493.0, 766.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 536.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1013.0, 442.0, 1053.0, 558.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 733.0, 1.0], [654.0, 461.0, 722.0, 657.0, 1.0], [1440.0, 429.0, 1502.0, 560.0, 1.0], [1554.0, 437.0, 1606.0, 560.0, 1.0], [500.0, 460.0, 589.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 591.0, 1.0], [1003.0, 454.0, 1035.0, 531.0, 1.0], [640.0, 456.0, 679.0, 589.0, 1.0], [698.0, 462.0, 726.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [711.0, 516.0, 750.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 425.0, 613.0, 467.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [697.0, 449.0, 731.0, 538.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 31, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 3, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]]}, "ret_ret": [[494.2756063955186, 452.18420200307827, 592.1812004078396, 747.9011494298495, 5.0], [1254.7387649990721, 447.4492049376578, 1287.916735877818, 548.9875379364047, 4.0], [1701.8779435038377, 391.00807732744, 1840.116925301164, 807.7211519162416, 3.0], [577.244569809398, 372.8244971408345, 700.1318251174355, 743.5293877492876, 2.0], [1617.5504860358021, 388.7672299436107, 1766.3896453020627, 837.2821821375377, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1613.3, 389.14, 1761.59, 836.0, 2.596], [592.14, 402.13, 696.7, 717.81, 1.3339], [497.24, 442.1, 588.136, 716.79, 1.2355], [1247.5, 441.39, 1283.821, 552.35, 1.0152], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1600.0, 396.0, 1779.0, 835.0, 1.0], [600.0, 444.0, 689.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1680.0, 416.0, 1901.0, 806.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [719.0, 492.0, 764.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 734.0, 1.0], [654.0, 461.0, 723.0, 657.0, 1.0], [1445.0, 430.0, 1505.0, 561.0, 1.0], [1554.0, 436.0, 1606.0, 557.0, 1.0], [500.0, 459.0, 588.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 590.0, 1.0], [1004.0, 454.0, 1036.0, 531.0, 1.0], [640.0, 456.0, 679.0, 588.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [698.0, 449.0, 732.0, 538.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 31, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 3, "confidence": 1, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]], "unmatched_before_before": [[1441.5, 429.71, 1483.371, 557.3199999999999, 0.34033]]}, "ret_dets": [[1613.3, 389.14, 1761.59, 836.0, 2.596], [592.14, 402.13, 696.7, 717.81, 1.3339], [497.24, 442.1, 588.136, 716.79, 1.2355], [1247.5, 441.39, 1283.821, 552.35, 1.0152], [1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1600.0, 396.0, 1779.0, 835.0, 1.0], [600.0, 444.0, 689.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1680.0, 416.0, 1901.0, 806.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [719.0, 492.0, 764.0, 572.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 758.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [473.0, 444.0, 587.0, 734.0, 1.0], [654.0, 461.0, 723.0, 657.0, 1.0], [1445.0, 430.0, 1505.0, 561.0, 1.0], [1554.0, 436.0, 1606.0, 557.0, 1.0], [500.0, 459.0, 588.0, 709.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 616.0, 590.0, 1.0], [1004.0, 454.0, 1036.0, 531.0, 1.0], [640.0, 456.0, 679.0, 588.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1026.0, 448.0, 1050.0, 517.0, 1.0], [698.0, 449.0, 732.0, 538.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 32, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "unmatched_before_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]]}, "ret_ret": [[496.7332160929846, 445.5886825544007, 590.2382653418877, 728.1062869607283, 5.0], [1249.9936487722553, 443.49779051221594, 1285.2131998155492, 551.1658815619764, 4.0], [1711.8143387788712, 390.7006719857349, 1850.0648107968198, 807.4483831517223, 3.0], [586.4703553208552, 389.7295299051057, 698.5072997688975, 727.8762644435838, 2.0], [1618.1302661092252, 388.75087788444887, 1766.9537751916735, 837.2186046897303, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1613.3, 389.14, 1761.59, 836.0, 2.5745], [607.51, 442.1, 698.406, 716.79, 1.5007], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982], [497.24, 442.1, 588.136, 716.79, 1.0672], [1254.6, 446.72, 1288.422, 550.19, 0.83953], [672.78, 433.93, 746.423, 656.86, 0.43969]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1607.0, 396.0, 1799.0, 842.0, 1.0], [602.0, 443.0, 690.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1683.0, 416.0, 1908.0, 809.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [718.0, 491.0, 763.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 759.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [474.0, 444.0, 588.0, 736.0, 1.0], [655.0, 461.0, 724.0, 657.0, 1.0], [1448.0, 430.0, 1508.0, 560.0, 1.0], [1555.0, 436.0, 1607.0, 558.0, 1.0], [500.0, 459.0, 588.0, 710.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1005.0, 454.0, 1037.0, 531.0, 1.0], [640.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [700.0, 449.0, 733.0, 539.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 32, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 4, "confidence": 0.9180181772705396, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "unmatched_before": [[1450.0, 429.71, 1491.871, 557.3199999999999, 0.9037]], "unmatched_before_before": [[1443.8, 432.91, 1488.748, 569.75, 0.70279], [601.19, 446.86, 685.932, 703.09, 1.2662]]}, "ret_dets": [[1613.3, 389.14, 1761.59, 836.0, 2.5745], [607.51, 442.1, 698.406, 716.79, 1.5007], [1450.0, 429.71, 1491.871, 557.3199999999999, 1.0982], [497.24, 442.1, 588.136, 716.79, 1.0672], [1254.6, 446.72, 1288.422, 550.19, 0.83953], [672.78, 433.93, 746.423, 656.86, 0.43969]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1607.0, 396.0, 1799.0, 842.0, 1.0], [602.0, 443.0, 690.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1683.0, 416.0, 1908.0, 809.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [718.0, 491.0, 763.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 759.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1099.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [474.0, 444.0, 588.0, 736.0, 1.0], [655.0, 461.0, 724.0, 657.0, 1.0], [1448.0, 430.0, 1508.0, 560.0, 1.0], [1555.0, 436.0, 1607.0, 558.0, 1.0], [500.0, 459.0, 588.0, 710.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1005.0, 454.0, 1037.0, 531.0, 1.0], [640.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [710.0, 516.0, 749.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 427.0, 598.0, 470.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [700.0, 449.0, 733.0, 539.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 33, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched_before_before": []}, "ret_ret": [[1450.0, 429.71, 1491.871, 557.3199999999999, 6.0], [497.619350332871, 443.17898902862106, 589.4110878236846, 720.5545514421929, 5.0], [1252.8582219478233, 445.4891586878657, 1287.2217833902453, 550.5870844330024, 4.0], [1721.75360678811, 390.4019263280605, 1860.0098235582702, 807.1669547031725, 3.0], [599.7675473209947, 421.5960130513215, 699.2284211668198, 722.0227657755977, 2.0], [1618.0354951789766, 388.7378359407134, 1766.8421832042711, 837.1548490863399, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1643.1, 389.14, 1791.3899999999999, 836.0, 2.0951], [607.51, 442.1, 698.406, 716.79, 1.3352], [497.24, 442.1, 588.136, 716.79, 0.98277], [1453.0, 423.72, 1497.948, 560.5600000000001, 0.95271], [676.79, 455.86, 740.77, 649.8, 0.80057], [1254.6, 446.72, 1288.422, 550.19, 0.63474], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1614.0, 396.0, 1819.0, 848.0, 1.0], [603.0, 443.0, 691.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1686.0, 416.0, 1915.0, 812.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [717.0, 490.0, 762.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 760.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 588.0, 737.0, 1.0], [656.0, 461.0, 725.0, 657.0, 1.0], [1451.0, 430.0, 1511.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 459.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1006.0, 454.0, 1038.0, 531.0, 1.0], [641.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [701.0, 449.0, 734.0, 539.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 33, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 5, "confidence": 0.8034821074946065, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]], "unmatched_before_before": []}, "ret_dets": [[1643.1, 389.14, 1791.3899999999999, 836.0, 2.0951], [607.51, 442.1, 698.406, 716.79, 1.3352], [497.24, 442.1, 588.136, 716.79, 0.98277], [1453.0, 423.72, 1497.948, 560.5600000000001, 0.95271], [676.79, 455.86, 740.77, 649.8, 0.80057], [1254.6, 446.72, 1288.422, 550.19, 0.63474], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1614.0, 396.0, 1819.0, 848.0, 1.0], [603.0, 443.0, 691.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1686.0, 416.0, 1915.0, 812.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [717.0, 490.0, 762.0, 573.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 760.0, 535.0, 0.0], [1258.0, 447.0, 1291.0, 547.0, 1.0], [1012.0, 441.0, 1052.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 588.0, 737.0, 1.0], [656.0, 461.0, 725.0, 657.0, 1.0], [1451.0, 430.0, 1511.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 459.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 463.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 617.0, 590.0, 1.0], [1006.0, 454.0, 1038.0, 531.0, 1.0], [641.0, 456.0, 679.0, 587.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [701.0, 449.0, 734.0, 539.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 34, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]]}, "ret_ret": [[1452.768678010783, 424.1599011506037, 1497.4810912199866, 560.3316373109349, 6.0], [497.89731412937107, 442.2983513108503, 589.0384533027567, 717.7210595690134, 5.0], [1253.9550550883225, 446.256856997135, 1287.9869012244033, 550.3579150762589, 4.0], [1731.6943110301575, 390.1075101075811, 1869.9534000869119, 806.8811968174274, 3.0], [605.0209848142127, 434.42274606968135, 699.2466319083563, 719.1219906042129, 2.0], [1637.17600310258, 388.7272769103922, 1785.9660960800568, 837.0942727581466, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1643.1, 389.14, 1791.3899999999999, 836.0, 1.8473], [592.14, 402.13, 696.7, 717.81, 1.2709], [1457.0, 433.0, 1496.0, 552.0, 1.1199], [497.24, 442.1, 588.136, 716.79, 1.1052], [1255.1, 449.36, 1286.59, 545.83, 0.59047], [680.04, 461.78, 739.669, 642.67, 0.5207]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1620.0, 396.0, 1838.0, 855.0, 1.0], [605.0, 443.0, 692.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1690.0, 416.0, 1922.0, 815.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [716.0, 490.0, 761.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 761.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 589.0, 739.0, 1.0], [657.0, 461.0, 725.0, 658.0, 1.0], [1454.0, 431.0, 1515.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 458.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 618.0, 590.0, 1.0], [1008.0, 454.0, 1040.0, 531.0, 1.0], [641.0, 456.0, 679.0, 586.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [702.0, 449.0, 736.0, 539.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 34, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 6, "confidence": 0.8518064371830049, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]], "unmatched_before_before": [[672.78, 433.93, 746.423, 656.86, 0.43969]]}, "ret_dets": [[1643.1, 389.14, 1791.3899999999999, 836.0, 1.8473], [592.14, 402.13, 696.7, 717.81, 1.2709], [1457.0, 433.0, 1496.0, 552.0, 1.1199], [497.24, 442.1, 588.136, 716.79, 1.1052], [1255.1, 449.36, 1286.59, 545.83, 0.59047], [680.04, 461.78, 739.669, 642.67, 0.5207]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1620.0, 396.0, 1838.0, 855.0, 1.0], [605.0, 443.0, 692.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1690.0, 416.0, 1922.0, 815.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [716.0, 490.0, 761.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 761.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [475.0, 444.0, 589.0, 739.0, 1.0], [657.0, 461.0, 725.0, 658.0, 1.0], [1454.0, 431.0, 1515.0, 560.0, 1.0], [1556.0, 436.0, 1609.0, 559.0, 1.0], [500.0, 458.0, 588.0, 711.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 618.0, 590.0, 1.0], [1008.0, 454.0, 1040.0, 531.0, 1.0], [641.0, 456.0, 679.0, 586.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 554.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [709.0, 516.0, 748.0, 582.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [702.0, 449.0, 736.0, 539.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 35, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]]}, "ret_ret": [[1456.673180292314, 430.9005511813528, 1496.9510906710357, 553.7124069486824, 6.0], [497.94938369538204, 441.98985809385306, 588.8491398226574, 716.6881201822843, 5.0], [1254.6712504873612, 448.1908383656631, 1287.1068883298763, 547.5009966846659, 4.0], [1741.6357333550418, 389.81525850451135, 1879.8962585327167, 806.5932743142728, 3.0], [597.0857357419145, 413.6182475357226, 697.9556576882426, 718.2473358214005, 2.0], [1644.156120753177, 388.7187602603016, 1792.930316436644, 837.0378472789423, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.9322], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6255], [618.34, 446.86, 703.082, 703.09, 1.4233], [493.46, 454.06, 590.952, 748.53, 1.1593], [680.04, 461.78, 739.669, 642.67, 0.64739], [1255.0, 441.39, 1291.321, 552.35, 0.48977], [598.82, 364.89, 727.7800000000001, 753.77, 0.45824]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1627.0, 396.0, 1858.0, 861.0, 1.0], [607.0, 442.0, 694.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1693.0, 416.0, 1926.0, 818.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [715.0, 489.0, 760.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [476.0, 444.0, 590.0, 741.0, 1.0], [658.0, 461.0, 726.0, 658.0, 1.0], [1454.0, 430.0, 1516.0, 559.0, 1.0], [1557.0, 436.0, 1610.0, 559.0, 1.0], [500.0, 458.0, 588.0, 712.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1009.0, 454.0, 1041.0, 531.0, 1.0], [641.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [703.0, 448.0, 737.0, 539.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 35, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 7, "confidence": 0.7654321868056653, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]], "unmatched_before_before": [[676.79, 455.86, 740.77, 649.8, 0.80057], [1605.5, 296.57, 1815.62, 928.9300000000001, 0.32427]]}, "ret_dets": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.9322], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6255], [618.34, 446.86, 703.082, 703.09, 1.4233], [493.46, 454.06, 590.952, 748.53, 1.1593], [680.04, 461.78, 739.669, 642.67, 0.64739], [1255.0, 441.39, 1291.321, 552.35, 0.48977], [598.82, 364.89, 727.7800000000001, 753.77, 0.45824]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1627.0, 396.0, 1858.0, 861.0, 1.0], [607.0, 442.0, 694.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1693.0, 416.0, 1926.0, 818.0, 1.0], [1055.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [715.0, 489.0, 760.0, 574.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1137.0, 548.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [476.0, 444.0, 590.0, 741.0, 1.0], [658.0, 461.0, 726.0, 658.0, 1.0], [1454.0, 430.0, 1516.0, 559.0, 1.0], [1557.0, 436.0, 1610.0, 559.0, 1.0], [500.0, 458.0, 588.0, 712.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1009.0, 454.0, 1041.0, 531.0, 1.0], [641.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [703.0, 448.0, 737.0, 539.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 36, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]]}, "ret_ret": [[1458.862447397296, 430.26986383027696, 1500.124993010123, 556.0477608968738, 6.0], [495.44802911716164, 449.8031967752472, 590.5757085155619, 737.1877523975363, 5.0], [1254.9042228490277, 443.78087144796353, 1289.844177620272, 550.6121462249475, 4.0], [1751.577514712953, 389.5240891848515, 1889.8387579454948, 806.3042695277082, 3.0], [610.8106355073983, 433.90769992244793, 701.9423649087266, 709.3315714722941, 2.0], [1646.5058025900641, 388.71200290839965, 1795.2649246157096, 836.9856652912442, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.7581], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6746], [618.34, 446.86, 703.082, 703.09, 1.5172], [486.58, 444.35, 591.14, 760.03, 0.9368], [1255.0, 441.39, 1291.321, 552.35, 0.3958], [566.69, 419.61, 622.259, 588.32, 0.33601]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1634.0, 397.0, 1878.0, 868.0, 1.0], [609.0, 442.0, 695.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1696.0, 416.0, 1930.0, 821.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [714.0, 488.0, 758.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 590.0, 742.0, 1.0], [659.0, 461.0, 727.0, 658.0, 1.0], [1454.0, 430.0, 1517.0, 559.0, 1.0], [1558.0, 437.0, 1611.0, 559.0, 1.0], [500.0, 458.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1010.0, 454.0, 1042.0, 531.0, 1.0], [642.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [704.0, 448.0, 738.0, 540.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 36, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 8, "confidence": 0.6875876426319995, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]], "unmatched_before_before": [[680.04, 461.78, 739.669, 642.67, 0.5207]]}, "ret_dets": [[1458.6, 429.71, 1500.471, 557.3199999999999, 1.7581], [1643.1, 389.14, 1791.3899999999999, 836.0, 1.6746], [618.34, 446.86, 703.082, 703.09, 1.5172], [486.58, 444.35, 591.14, 760.03, 0.9368], [1255.0, 441.39, 1291.321, 552.35, 0.3958], [566.69, 419.61, 622.259, 588.32, 0.33601]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1634.0, 397.0, 1878.0, 868.0, 1.0], [609.0, 442.0, 695.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1696.0, 416.0, 1930.0, 821.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [714.0, 488.0, 758.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 762.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 590.0, 742.0, 1.0], [659.0, 461.0, 727.0, 658.0, 1.0], [1454.0, 430.0, 1517.0, 559.0, 1.0], [1558.0, 437.0, 1611.0, 559.0, 1.0], [500.0, 458.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 619.0, 590.0, 1.0], [1010.0, 454.0, 1042.0, 531.0, 1.0], [642.0, 456.0, 680.0, 585.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [708.0, 517.0, 747.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [704.0, 448.0, 738.0, 540.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 37, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched_before_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]]}, "ret_ret": [[1459.3859803021114, 430.0309092677436, 1500.9887641531618, 556.8320445742768, 6.0], [489.9658448610109, 446.44648543363394, 591.2910988988908, 752.4343662487819, 5.0], [1255.011293500863, 442.1770583581122, 1290.859272709329, 551.7273746308621, 4.0], [1761.5194755852801, 389.23346100057336, 1899.7810778438568, 806.014723605762, 3.0], [616.1374056211429, 442.0813656804707, 703.27214749286, 705.4999911666036, 2.0], [1647.1106500978585, 388.7067919311985, 1795.8555221793126, 836.9375127254793, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.7823], [611.65, 434.36, 709.1419999999999, 728.83, 1.6001], [1643.1, 389.14, 1791.3899999999999, 836.0, 0.89876], [486.58, 444.35, 591.14, 760.03, 0.85122], [1255.1, 449.36, 1286.59, 545.83, 0.68511]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1637.0, 396.0, 1884.0, 870.0, 1.0], [610.0, 442.0, 696.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1699.0, 416.0, 1934.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [713.0, 488.0, 757.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 763.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 591.0, 744.0, 1.0], [660.0, 461.0, 728.0, 659.0, 1.0], [1454.0, 430.0, 1518.0, 559.0, 1.0], [1562.0, 437.0, 1614.0, 556.0, 1.0], [500.0, 457.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1012.0, 454.0, 1044.0, 531.0, 1.0], [642.0, 456.0, 680.0, 584.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [706.0, 448.0, 739.0, 540.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 37, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 9, "confidence": 0.6393909139300014, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]], "unmatched_before_before": [[598.82, 364.89, 727.7800000000001, 753.77, 0.45824], [680.04, 461.78, 739.669, 642.67, 0.64739]]}, "ret_dets": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.7823], [611.65, 434.36, 709.1419999999999, 728.83, 1.6001], [1643.1, 389.14, 1791.3899999999999, 836.0, 0.89876], [486.58, 444.35, 591.14, 760.03, 0.85122], [1255.1, 449.36, 1286.59, 545.83, 0.68511]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1637.0, 396.0, 1884.0, 870.0, 1.0], [610.0, 442.0, 696.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1699.0, 416.0, 1934.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [713.0, 488.0, 757.0, 575.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 763.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1011.0, 441.0, 1051.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [477.0, 444.0, 591.0, 744.0, 1.0], [660.0, 461.0, 728.0, 659.0, 1.0], [1454.0, 430.0, 1518.0, 559.0, 1.0], [1562.0, 437.0, 1614.0, 556.0, 1.0], [500.0, 457.0, 588.0, 713.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1012.0, 454.0, 1044.0, 531.0, 1.0], [642.0, 456.0, 680.0, 584.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 424.0, 613.0, 466.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [706.0, 448.0, 739.0, 540.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 38, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]]}, "ret_ret": [[1465.5981223624322, 429.92458713053543, 1507.3300826423942, 557.1141222157154, 6.0], [487.91021399227657, 445.2919146917061, 591.4842215644935, 758.0239629935659, 5.0], [1255.0390888626564, 446.56383381864305, 1288.2173870293766, 548.1102161265264, 4.0], [613.8547325500548, 437.3554757822534, 707.571674917641, 720.5184471398883, 2.0], [1647.0747129363906, 388.70295075928414, 1795.8061161925423, 836.8930841295586, 1.0]], "ret_unmatched_trks_pos": [[1771.4615262142909, 388.94310338240507, 1909.7233079855353, 805.7249071177059, 3.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.4609], [493.46, 454.06, 590.952, 748.53, 1.0431], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.99851], [1255.0, 441.39, 1291.321, 552.35, 0.85759], [1673.0, 389.14, 1821.29, 836.0, 0.58131]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1640.0, 396.0, 1890.0, 873.0, 1.0], [612.0, 441.0, 697.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1728.0, 416.0, 1952.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [712.0, 487.0, 756.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 764.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [478.0, 444.0, 591.0, 745.0, 1.0], [661.0, 461.0, 729.0, 659.0, 1.0], [1454.0, 430.0, 1519.0, 559.0, 1.0], [1566.0, 437.0, 1618.0, 554.0, 1.0], [500.0, 457.0, 588.0, 714.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1013.0, 454.0, 1045.0, 531.0, 1.0], [642.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [707.0, 448.0, 740.0, 540.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 38, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 10, "confidence": 0.5877010489133636, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[566.69, 419.61, 622.259, 588.32, 0.33601]]}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.4609], [493.46, 454.06, 590.952, 748.53, 1.0431], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 0.99851], [1255.0, 441.39, 1291.321, 552.35, 0.85759], [1673.0, 389.14, 1821.29, 836.0, 0.58131]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1640.0, 396.0, 1890.0, 873.0, 1.0], [612.0, 441.0, 697.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1728.0, 416.0, 1952.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [712.0, 487.0, 756.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 764.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [478.0, 444.0, 591.0, 745.0, 1.0], [661.0, 461.0, 729.0, 659.0, 1.0], [1454.0, 430.0, 1519.0, 559.0, 1.0], [1566.0, 437.0, 1618.0, 554.0, 1.0], [500.0, 457.0, 588.0, 714.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 620.0, 590.0, 1.0], [1013.0, 454.0, 1045.0, 531.0, 1.0], [642.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [707.0, 517.0, 746.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 426.0, 598.0, 469.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [707.0, 448.0, 740.0, 540.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 39, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1467.6457372778614, 429.86996256868235, 1509.4312464626187, 557.2206692901664, 6.0], [491.55527199922614, 450.97747155283287, 591.4809557722207, 752.7583549582484, 5.0], [1255.043849365893, 443.2087203975095, 1290.242089111613, 550.8145111200514, 4.0], [617.1600994503897, 443.2803461095952, 705.3400828106769, 709.8322134438097, 2.0], [1666.344442426671, 388.7003255850275, 1815.0631037189553, 836.8520619941623, 1.0]], "ret_unmatched_trks_pos": [[1781.4035768434183, 388.6527457645881, 1919.665538127097, 805.4350906292985, 3.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[613.25, 402.13, 717.81, 717.81, 1.3043], [493.46, 454.06, 590.952, 748.53, 1.2078], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.1172], [1254.6, 446.72, 1288.422, 550.19, 0.90399], [1681.5, 378.26, 1851.98, 891.71, 0.33461]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1643.0, 395.0, 1897.0, 875.0, 1.0], [614.0, 441.0, 698.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1757.0, 416.0, 1970.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [711.0, 486.0, 755.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 765.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [479.0, 444.0, 592.0, 747.0, 1.0], [662.0, 461.0, 730.0, 659.0, 1.0], [1454.0, 430.0, 1520.0, 559.0, 1.0], [500.0, 457.0, 588.0, 715.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 621.0, 590.0, 1.0], [1014.0, 454.0, 1046.0, 531.0, 1.0], [643.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 517.0, 745.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [708.0, 448.0, 741.0, 540.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 39, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 11, "confidence": 0.5378820821271872, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[613.25, 402.13, 717.81, 717.81, 1.3043], [493.46, 454.06, 590.952, 748.53, 1.2078], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.1172], [1254.6, 446.72, 1288.422, 550.19, 0.90399], [1681.5, 378.26, 1851.98, 891.71, 0.33461]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1643.0, 395.0, 1897.0, 875.0, 1.0], [614.0, 441.0, 698.0, 714.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1757.0, 416.0, 1970.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [711.0, 486.0, 755.0, 576.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 765.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [479.0, 444.0, 592.0, 747.0, 1.0], [662.0, 461.0, 730.0, 659.0, 1.0], [1454.0, 430.0, 1520.0, 559.0, 1.0], [500.0, 457.0, 588.0, 715.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 621.0, 590.0, 1.0], [1014.0, 454.0, 1046.0, 531.0, 1.0], [643.0, 456.0, 680.0, 583.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 555.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 517.0, 745.0, 583.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [708.0, 448.0, 741.0, 540.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 40, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1468.2420911694953, 429.83793486880546, 1510.0522220800035, 557.2629047517992, 6.0], [492.9404465020802, 453.1607517136906, 591.4366895290685, 750.6489803308225, 5.0], [1254.7694308070643, 445.3901904531958, 1289.1244840487846, 550.4631578709913, 4.0], [615.1809198156795, 416.7128236592275, 713.922073907549, 714.9639848810614, 2.0], [1679.0767537670536, 381.92209977771637, 1842.0503395192277, 872.8657521908979, 1.0]], "ret_unmatched_trks_pos": [[1791.345627472662, 388.3623881471224, 1929.6077682685425, 805.1452741405399, 3.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.8307], [625.89, 442.1, 716.786, 716.79, 1.4468], [486.58, 444.35, 591.14, 760.03, 1.1846], [1255.0, 441.39, 1291.321, 552.35, 0.7927]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1646.0, 395.0, 1903.0, 878.0, 1.0], [616.0, 441.0, 700.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1786.0, 416.0, 1989.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [710.0, 486.0, 754.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 444.0, 593.0, 749.0, 1.0], [663.0, 462.0, 731.0, 660.0, 1.0], [1454.0, 430.0, 1521.0, 559.0, 1.0], [500.0, 457.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 590.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 582.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 518.0, 745.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [611.0, 462.0, 637.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [709.0, 448.0, 742.0, 541.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 40, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 12, "confidence": 0.521725410901174, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.8307], [625.89, 442.1, 716.786, 716.79, 1.4468], [486.58, 444.35, 591.14, 760.03, 1.1846], [1255.0, 441.39, 1291.321, 552.35, 0.7927]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1646.0, 395.0, 1903.0, 878.0, 1.0], [616.0, 441.0, 700.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1786.0, 416.0, 1989.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [710.0, 486.0, 754.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [731.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 444.0, 593.0, 749.0, 1.0], [663.0, 462.0, 731.0, 660.0, 1.0], [1454.0, 430.0, 1521.0, 559.0, 1.0], [500.0, 457.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 590.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 582.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 503.0, 763.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [706.0, 518.0, 745.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [611.0, 462.0, 637.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 449.0, 1051.0, 518.0, 1.0], [709.0, 448.0, 742.0, 541.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 41, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1468.3392043193307, 429.81693620751133, 1510.1621776280458, 557.2807490379034, 6.0], [488.98493805250763, 447.7271390779347, 591.475567230325, 757.2053336441077, 5.0], [1254.9462479292529, 442.801243318798, 1290.5696688295325, 551.6772110084868, 4.0], [1801.2876781020223, 388.07203053000796, 1939.5499984098715, 804.8554576514299, 3.0], [622.5763516632113, 432.56980296454924, 716.5185133365397, 716.4119104608488, 2.0], [1687.8678259597316, 382.0542633937987, 1851.8302690186517, 875.9767618307008, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.4435], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.4248], [486.58, 444.35, 591.14, 760.03, 1.2459], [1715.8, 378.26, 1886.28, 891.71, 0.68817], [1254.6, 446.72, 1288.422, 550.19, 0.56242]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1649.0, 394.0, 1909.0, 880.0, 1.0], [616.0, 441.0, 701.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1815.0, 416.0, 2007.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 443.0, 593.0, 750.0, 1.0], [663.0, 461.0, 732.0, 660.0, 1.0], [1458.0, 430.0, 1523.0, 559.0, 1.0], [500.0, 456.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 502.0, 764.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1028.0, 450.0, 1052.0, 519.0, 1.0], [710.0, 448.0, 744.0, 541.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 41, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 13, "confidence": 0.45076646222841193, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.4435], [1467.2, 429.71, 1509.0710000000001, 557.3199999999999, 1.4248], [486.58, 444.35, 591.14, 760.03, 1.2459], [1715.8, 378.26, 1886.28, 891.71, 0.68817], [1254.6, 446.72, 1288.422, 550.19, 0.56242]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1649.0, 394.0, 1909.0, 880.0, 1.0], [616.0, 441.0, 701.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1815.0, 416.0, 2007.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [732.0, 461.0, 766.0, 535.0, 0.0], [1259.0, 447.0, 1292.0, 547.0, 1.0], [1010.0, 441.0, 1050.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 443.0, 593.0, 750.0, 1.0], [663.0, 461.0, 732.0, 660.0, 1.0], [1458.0, 430.0, 1523.0, 559.0, 1.0], [500.0, 456.0, 588.0, 716.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [643.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [733.0, 502.0, 764.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1028.0, 450.0, 1052.0, 519.0, 1.0], [710.0, 448.0, 744.0, 541.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 42, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1468.2753861031988, 429.80194307023993, 1510.1060286140832, 557.2890158898764, 6.0], [487.48813124011195, 445.6943122159946, 591.4520698598424, 759.5925053130895, 5.0], [1254.7242301895312, 445.2291825947853, 1289.2458023789045, 550.8004489602572, 4.0], [1811.2297736094183, 387.78180819502643, 1949.4921836731646, 804.5655058801871, 3.0], [625.3638862790849, 438.71362099881037, 717.4092101099673, 716.8568929712663, 2.0], [1711.536068721301, 379.59395175483644, 1880.4557692096264, 888.3737006927619, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.4294], [486.58, 444.35, 591.14, 760.03, 1.1858], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.77917], [1254.6, 446.72, 1288.422, 550.19, 0.53107], [1732.7, 389.14, 1880.99, 836.0, 0.36156]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1652.0, 394.0, 1916.0, 883.0, 1.0], [617.0, 441.0, 702.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1844.0, 416.0, 2025.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 461.0, 767.0, 536.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 751.0, 1.0], [664.0, 461.0, 734.0, 661.0, 1.0], [1462.0, 430.0, 1526.0, 559.0, 1.0], [500.0, 456.0, 588.0, 717.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [644.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [734.0, 502.0, 766.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [711.0, 447.0, 745.0, 541.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 42, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 14, "confidence": 0.429600801388706, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.4294], [486.58, 444.35, 591.14, 760.03, 1.1858], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.77917], [1254.6, 446.72, 1288.422, 550.19, 0.53107], [1732.7, 389.14, 1880.99, 836.0, 0.36156]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1652.0, 394.0, 1916.0, 883.0, 1.0], [617.0, 441.0, 702.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1844.0, 416.0, 2025.0, 824.0, 1.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [733.0, 461.0, 767.0, 536.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 751.0, 1.0], [664.0, 461.0, 734.0, 661.0, 1.0], [1462.0, 430.0, 1526.0, 559.0, 1.0], [500.0, 456.0, 588.0, 717.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [375.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1016.0, 454.0, 1048.0, 531.0, 1.0], [644.0, 456.0, 681.0, 581.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [734.0, 502.0, 766.0, 556.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [711.0, 447.0, 745.0, 541.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 43, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1473.9202133244255, 429.7905685047998, 1515.7560231252312, 557.2933463217155, 6.0], [486.914496497927, 444.9069109641388, 591.4260832104624, 760.4475714036965, 5.0], [1254.642903160976, 446.16911227915307, 1288.7349330949, 550.4505244784833, 4.0], [1821.1718915557997, 387.49165350101254, 1959.4343464974725, 804.2754864679766, 3.0], [626.366136555644, 441.05729152080784, 717.6775823069491, 716.9951951458202, 2.0], [1728.7186821226014, 385.01697821855646, 1884.9074991150433, 855.5958222632767, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.3865], [625.89, 442.1, 716.786, 716.79, 1.1862], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.91161], [1750.1, 378.26, 1920.58, 891.71, 0.70061], [1254.6, 446.72, 1288.422, 550.19, 0.38497]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1670.0, 393.0, 1924.0, 883.0, 1.0], [618.0, 441.0, 704.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 461.0, 768.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 752.0, 1.0], [665.0, 460.0, 735.0, 661.0, 1.0], [1466.0, 430.0, 1529.0, 559.0, 1.0], [500.0, 456.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 580.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [735.0, 501.0, 767.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [713.0, 447.0, 746.0, 541.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 43, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 15, "confidence": 0.4029606455587689, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.3865], [625.89, 442.1, 716.786, 716.79, 1.1862], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.91161], [1750.1, 378.26, 1920.58, 891.71, 0.70061], [1254.6, 446.72, 1288.422, 550.19, 0.38497]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1670.0, 393.0, 1924.0, 883.0, 1.0], [618.0, 441.0, 704.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [734.0, 461.0, 768.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 442.0, 593.0, 752.0, 1.0], [665.0, 460.0, 735.0, 661.0, 1.0], [1466.0, 430.0, 1529.0, 559.0, 1.0], [500.0, 456.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 580.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [735.0, 501.0, 767.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [713.0, 447.0, 746.0, 541.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 44, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1475.9503881721357, 429.7815677985544, 1517.7900101319192, 557.2959473601148, 6.0], [486.69199575579336, 444.5892793594528, 591.4037084668632, 760.7299318069934, 5.0], [1254.6123662017915, 446.52838818856765, 1288.5390396547461, 550.3130310903425, 4.0], [1831.1140207216654, 387.2015326274577, 1969.376498102296, 803.985433235307, 3.0], [626.6868520291166, 441.93503962541814, 717.7171695713412, 717.0280626992349, 2.0], [1746.490536210885, 380.9409774058803, 1911.9254287077244, 879.2649056748836, 1.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.1762], [486.58, 444.35, 591.14, 760.03, 1.1594], [1750.1, 378.26, 1920.58, 891.71, 0.5714], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.4878]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1688.0, 392.0, 1932.0, 883.0, 1.0], [619.0, 441.0, 705.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 461.0, 769.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 753.0, 1.0], [666.0, 460.0, 737.0, 662.0, 1.0], [1470.0, 430.0, 1531.0, 559.0, 1.0], [500.0, 455.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [736.0, 501.0, 769.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [714.0, 447.0, 747.0, 542.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 44, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 16, "confidence": 0.41325194231856427, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.1762], [486.58, 444.35, 591.14, 760.03, 1.1594], [1750.1, 378.26, 1920.58, 891.71, 0.5714], [1475.8, 429.71, 1517.671, 557.3199999999999, 0.4878]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1688.0, 392.0, 1932.0, 883.0, 1.0], [619.0, 441.0, 705.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [735.0, 461.0, 769.0, 537.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 753.0, 1.0], [666.0, 460.0, 737.0, 662.0, 1.0], [1470.0, 430.0, 1531.0, 559.0, 1.0], [500.0, 455.0, 588.0, 718.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [581.0, 455.0, 622.0, 589.0, 1.0], [1017.0, 454.0, 1049.0, 531.0, 1.0], [644.0, 456.0, 681.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [736.0, 501.0, 769.0, 557.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [714.0, 447.0, 747.0, 542.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 45, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 39}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1476.6243896566737, 429.77423069926465, 1518.467000895186, 557.2977143458762, 6.0], [486.6038802810016, 444.45178623942456, 591.3845042057875, 760.7988765532418, 5.0], [1841.0561554972712, 386.9114286641262, 1979.3186440973793, 803.6953630924141, 3.0], [621.7180507564995, 445.0473959935492, 708.8304740852841, 708.3896418171523, 2.0], [1752.9070816728074, 379.5578795830064, 1921.7057426659624, 887.9708027257328, 1.0]], "ret_unmatched_trks_pos": [[1254.6062602084007, 446.569137289528, 1288.540388501323, 550.3765851947174, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.1848], [486.58, 444.35, 591.14, 760.03, 1.117], [683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1707.0, 391.0, 1941.0, 883.0, 1.0], [620.0, 441.0, 706.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 461.0, 770.0, 538.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 754.0, 1.0], [667.0, 460.0, 739.0, 663.0, 1.0], [1474.0, 430.0, 1534.0, 559.0, 1.0], [500.0, 455.0, 588.0, 719.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 501.0, 771.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [715.0, 447.0, 748.0, 542.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 45, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 17, "confidence": 0.381720180619365, "age": 39}, {"time_since_observed": 1, "confidence": 0.2949696309441384, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.1848], [486.58, 444.35, 591.14, 760.03, 1.117], [683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1707.0, 391.0, 1941.0, 883.0, 1.0], [620.0, 441.0, 706.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [736.0, 461.0, 770.0, 538.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1009.0, 441.0, 1049.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 441.0, 593.0, 754.0, 1.0], [667.0, 460.0, 739.0, 663.0, 1.0], [1474.0, 430.0, 1534.0, 559.0, 1.0], [500.0, 455.0, 588.0, 719.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [698.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 501.0, 771.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 425.0, 598.0, 468.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [715.0, 447.0, 748.0, 542.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 46, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 13}], "unmatched": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched_before_before": []}, "ret_ret": [[486.5675007503998, 444.38469905132615, 591.3676648660789, 760.7901666647072, 5.0], [615.5451135286701, 438.4240370748238, 709.2462133329284, 721.5354845770131, 2.0], [1764.100800789002, 380.30125600152564, 1933.4481490268784, 890.3667970284143, 1.0]], "ret_unmatched_trks_pos": [[1254.6001550336905, 446.60988889490386, 1288.5417365292192, 550.440136794677, 4.0], [1478.7359464446927, 429.87792714919584, 1520.532685826884, 557.261607405288, 6.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.215], [486.58, 444.35, 591.14, 760.03, 1.0318], [1255.0, 441.39, 1291.321, 552.35, 0.61874]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1725.0, 390.0, 1949.0, 883.0, 1.0], [621.0, 442.0, 708.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 461.0, 771.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 440.0, 593.0, 755.0, 1.0], [668.0, 459.0, 740.0, 663.0, 1.0], [1478.0, 430.0, 1537.0, 559.0, 1.0], [500.0, 455.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 500.0, 772.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [716.0, 447.0, 749.0, 542.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 46, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 2, "confidence": 0.15166341194080873, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 1, "confidence": 0.1985789204095507, "age": 13}], "unmatched": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]], "unmatched_before_before": []}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.215], [486.58, 444.35, 591.14, 760.03, 1.0318], [1255.0, 441.39, 1291.321, 552.35, 0.61874]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1725.0, 390.0, 1949.0, 883.0, 1.0], [621.0, 442.0, 708.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [737.0, 461.0, 771.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 440.0, 593.0, 755.0, 1.0], [668.0, 459.0, 740.0, 663.0, 1.0], [1478.0, 430.0, 1537.0, 559.0, 1.0], [500.0, 455.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 523.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1018.0, 454.0, 1050.0, 531.0, 1.0], [645.0, 456.0, 682.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [737.0, 500.0, 772.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [716.0, 447.0, 749.0, 542.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 47, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]]}, "ret_ret": [[486.55124708179966, 444.3461195272563, 591.3526490028994, 760.7550884787823, 5.0], [1254.9636122876818, 442.3460843841328, 1290.8325139338936, 551.9567822509784, 4.0], [617.3896471340214, 443.593552298987, 705.5795781702792, 710.1741741070676, 2.0], [1775.432024506526, 381.4587892379727, 1945.053050786465, 892.348634513168, 1.0]], "ret_unmatched_trks_pos": [[1480.8475284325286, 429.9817004004643, 1522.5983455587652, 557.2254236633627, 6.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.2516], [486.58, 444.35, 591.14, 760.03, 0.97536], [579.94, 451.29, 624.888, 588.13, 0.31026]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1743.0, 389.0, 1958.0, 884.0, 1.0], [621.0, 442.0, 709.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [738.0, 461.0, 772.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 756.0, 1.0], [669.0, 459.0, 742.0, 664.0, 1.0], [1482.0, 430.0, 1539.0, 559.0, 1.0], [500.0, 454.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 455.0, 1051.0, 532.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [738.0, 500.0, 774.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [717.0, 447.0, 750.0, 542.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 47, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.15166341194080873, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 2, "confidence": 0.11961138221960334, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[683.51, 460.65, 752.154, 668.5799999999999, 0.39262]]}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.2516], [486.58, 444.35, 591.14, 760.03, 0.97536], [579.94, 451.29, 624.888, 588.13, 0.31026]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1743.0, 389.0, 1958.0, 884.0, 1.0], [621.0, 442.0, 709.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [738.0, 461.0, 772.0, 539.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 756.0, 1.0], [669.0, 459.0, 742.0, 664.0, 1.0], [1482.0, 430.0, 1539.0, 559.0, 1.0], [500.0, 454.0, 588.0, 720.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 455.0, 1051.0, 532.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [738.0, 500.0, 774.0, 558.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [717.0, 447.0, 750.0, 542.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 48, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 15}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched_before_before": []}, "ret_ret": [[486.5429987747702, 444.31991948804483, 591.3391186848879, 760.7128513188459, 5.0], [618.1251048580347, 445.70082892873836, 704.1206580817251, 705.6933019349989, 2.0], [1786.8317504623678, 382.8226477084003, 1956.5894503077338, 894.1241467639411, 1.0]], "ret_unmatched_trks_pos": [[1255.03806910781, 442.17287175903624, 1290.9762334980953, 551.9952275625799, 4.0], [1482.9591357034267, 430.0855507067737, 1524.6639800075843, 557.1891628663964, 6.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.4104], [486.58, 444.35, 591.14, 760.03, 1.0846], [1261.6, 446.72, 1295.422, 550.19, 0.59795], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1762.0, 388.0, 1966.0, 884.0, 1.0], [622.0, 443.0, 710.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [739.0, 461.0, 773.0, 540.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 757.0, 1.0], [670.0, 458.0, 743.0, 664.0, 1.0], [1486.0, 430.0, 1542.0, 559.0, 1.0], [500.0, 454.0, 588.0, 721.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 454.0, 1051.0, 531.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [739.0, 499.0, 775.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [719.0, 447.0, 752.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 48, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 1, "confidence": 0.4130044666282065, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 3, "confidence": 0.08667074411888846, "age": 15}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]], "unmatched_before_before": []}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.4104], [486.58, 444.35, 591.14, 760.03, 1.0846], [1261.6, 446.72, 1295.422, 550.19, 0.59795], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1762.0, 388.0, 1966.0, 884.0, 1.0], [622.0, 443.0, 710.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [739.0, 461.0, 773.0, 540.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1008.0, 441.0, 1048.0, 557.0, 1.0], [1098.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 439.0, 593.0, 757.0, 1.0], [670.0, 458.0, 743.0, 664.0, 1.0], [1486.0, 430.0, 1542.0, 559.0, 1.0], [500.0, 454.0, 588.0, 721.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1019.0, 454.0, 1051.0, 531.0, 1.0], [646.0, 456.0, 683.0, 579.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [739.0, 499.0, 775.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [719.0, 447.0, 752.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 49, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 16}], "unmatched": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]]}, "ret_ret": [[486.53808882149127, 444.29979803504864, 591.3268508327865, 760.6704810326634, 5.0], [1260.1443249340655, 445.5763609133575, 1294.5184236332443, 550.7046229259554, 4.0], [618.4007354628945, 446.52412995177565, 703.5454381624925, 703.961235249926, 2.0], [1798.2656654332434, 384.2894817413734, 1968.091660813969, 895.7966834521688, 1.0]], "ret_unmatched_trks_pos": [[1485.0707683410903, 430.1894783232275, 1526.7295890896378, 557.1528247592856, 6.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.2824], [618.34, 446.86, 703.082, 703.09, 1.1639], [1261.6, 446.72, 1295.422, 550.19, 0.49002]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1780.0, 387.0, 1975.0, 884.0, 1.0], [623.0, 443.0, 711.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [740.0, 461.0, 774.0, 541.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 438.0, 593.0, 758.0, 1.0], [671.0, 458.0, 745.0, 665.0, 1.0], [1490.0, 430.0, 1545.0, 559.0, 1.0], [500.0, 454.0, 588.0, 722.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1020.0, 454.0, 1052.0, 531.0, 1.0], [647.0, 456.0, 684.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [740.0, 499.0, 777.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [720.0, 447.0, 753.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 49, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 4, "confidence": 0.06969264761973912, "age": 16}], "unmatched": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.31026]]}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.2824], [618.34, 446.86, 703.082, 703.09, 1.1639], [1261.6, 446.72, 1295.422, 550.19, 0.49002]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1780.0, 387.0, 1975.0, 884.0, 1.0], [623.0, 443.0, 711.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [740.0, 461.0, 774.0, 541.0, 0.0], [1260.0, 447.0, 1293.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [480.0, 438.0, 593.0, 758.0, 1.0], [671.0, 458.0, 745.0, 665.0, 1.0], [1490.0, 430.0, 1545.0, 559.0, 1.0], [500.0, 454.0, 588.0, 722.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [582.0, 455.0, 622.0, 589.0, 1.0], [1020.0, 454.0, 1052.0, 531.0, 1.0], [647.0, 456.0, 684.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [740.0, 499.0, 777.0, 559.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 536.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [720.0, 447.0, 753.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 50, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]]}, "ret_ret": [[486.53470392136984, 444.283215091855, 591.3156846110005, 760.6303921477163, 5.0], [1261.2632840011515, 446.32053761845367, 1295.2882271299045, 550.4002646680385, 4.0], [618.4960003343851, 446.8393299377116, 703.31532736196, 703.2991343526544, 2.0], [1809.7166594366213, 385.8077569456681, 1979.5767922877017, 897.4177789690749, 1.0]], "ret_unmatched_trks_pos": [[1487.1824264296863, 430.29348350634, 1528.795172720759, 557.1164090855162, 6.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.2553], [618.34, 446.86, 703.082, 703.09, 1.1522]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1798.0, 386.0, 1983.0, 884.0, 1.0], [624.0, 444.0, 712.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [741.0, 461.0, 775.0, 542.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 593.0, 760.0, 1.0], [672.0, 458.0, 747.0, 666.0, 1.0], [1495.0, 431.0, 1548.0, 559.0, 1.0], [500.0, 454.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1021.0, 454.0, 1053.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [741.0, 499.0, 779.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 537.0, 1.0], [574.0, 454.0, 598.0, 528.0, 1.0], [618.0, 456.0, 642.0, 534.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [721.0, 447.0, 754.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 50, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.4130044666282065, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.34185], [579.94, 451.29, 624.888, 588.13, 0.31313]]}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.2553], [618.34, 446.86, 703.082, 703.09, 1.1522]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1798.0, 386.0, 1983.0, 884.0, 1.0], [624.0, 444.0, 712.0, 715.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [741.0, 461.0, 775.0, 542.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 593.0, 760.0, 1.0], [672.0, 458.0, 747.0, 666.0, 1.0], [1495.0, 431.0, 1548.0, 559.0, 1.0], [500.0, 454.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [547.0, 462.0, 582.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1021.0, 454.0, 1053.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 725.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [741.0, 499.0, 779.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [610.0, 462.0, 636.0, 537.0, 1.0], [574.0, 454.0, 598.0, 528.0, 1.0], [618.0, 456.0, 642.0, 534.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [721.0, 447.0, 754.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 51, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[486.5321251645637, 444.2690784714448, 591.305494441378, 760.5932706818137, 5.0], [618.5225757314448, 446.95812535618336, 703.2190202580013, 703.0488539354991, 2.0], [1821.1761890938483, 387.3517411022656, 1991.0533881075853, 899.0131655336781, 1.0]], "ret_unmatched_trks_pos": [[1261.768650449205, 446.35241530008227, 1295.8022434639167, 550.4586016964523, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.5901], [618.34, 446.86, 703.082, 703.09, 1.0794]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1817.0, 386.0, 1992.0, 885.0, 1.0], [623.0, 444.0, 712.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [742.0, 461.0, 776.0, 543.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 594.0, 759.0, 1.0], [673.0, 458.0, 748.0, 666.0, 1.0], [1497.0, 430.0, 1550.0, 558.0, 1.0], [500.0, 453.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [546.0, 462.0, 581.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1022.0, 454.0, 1054.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [742.0, 499.0, 780.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [722.0, 447.0, 755.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 51, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 1, "confidence": 0.3409483619524905, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.5901], [618.34, 446.86, 703.082, 703.09, 1.0794]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1817.0, 386.0, 1992.0, 885.0, 1.0], [623.0, 444.0, 712.0, 716.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [742.0, 461.0, 776.0, 543.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 594.0, 759.0, 1.0], [673.0, 458.0, 748.0, 666.0, 1.0], [1497.0, 430.0, 1550.0, 558.0, 1.0], [500.0, 453.0, 588.0, 723.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [546.0, 462.0, 581.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1022.0, 454.0, 1054.0, 531.0, 1.0], [648.0, 456.0, 685.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [742.0, 499.0, 780.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1027.0, 450.0, 1051.0, 519.0, 1.0], [722.0, 447.0, 755.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 52, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[486.53005475701286, 444.25686055610424, 591.2961765707511, 760.5591698329794, 5.0], [618.5237327432628, 447.0017085457365, 703.1748360891218, 702.9562858198962, 2.0], [1832.6399856131914, 388.9085768290614, 2002.5257170653529, 900.5957005280831, 1.0]], "ret_unmatched_trks_pos": [[1262.2740179961952, 446.3842963432746, 1296.3162586989924, 550.5169353633024, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.6813], [625.89, 442.1, 716.786, 716.79, 1.2392], [579.94, 451.29, 624.888, 588.13, 0.48921]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1818.0, 385.0, 1999.0, 884.0, 1.0], [623.0, 444.0, 712.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [743.0, 462.0, 778.0, 544.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 596.0, 759.0, 1.0], [675.0, 458.0, 750.0, 667.0, 1.0], [1500.0, 430.0, 1552.0, 558.0, 1.0], [500.0, 453.0, 588.0, 724.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [545.0, 462.0, 580.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1023.0, 454.0, 1055.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [743.0, 499.0, 781.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [723.0, 447.0, 756.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 52, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 2, "confidence": 0.17551147843264245, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.6813], [625.89, 442.1, 716.786, 716.79, 1.2392], [579.94, 451.29, 624.888, 588.13, 0.48921]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1818.0, 385.0, 1999.0, 884.0, 1.0], [623.0, 444.0, 712.0, 717.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [743.0, 462.0, 778.0, 544.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1007.0, 441.0, 1047.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 596.0, 759.0, 1.0], [675.0, 458.0, 750.0, 667.0, 1.0], [1500.0, 430.0, 1552.0, 558.0, 1.0], [500.0, 453.0, 588.0, 724.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [545.0, 462.0, 580.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 416.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1023.0, 454.0, 1055.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [743.0, 499.0, 781.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [723.0, 447.0, 756.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 53, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched_before_before": []}, "ret_ret": [[486.5283581855636, 444.24626007774765, 591.2876422330527, 760.5279245326712, 5.0], [623.5013222214819, 444.0720102567562, 712.044426376843, 711.7061419668844, 2.0]], "ret_unmatched_trks_pos": [[1262.7793866412846, 446.4161807454696, 1296.8302728359688, 550.57526567115, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.9477], [618.34, 446.86, 703.082, 703.09, 1.3013], [579.94, 451.29, 624.888, 588.13, 0.43089]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1819.0, 385.0, 2006.0, 884.0, 1.0], [623.0, 444.0, 712.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [744.0, 462.0, 780.0, 546.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 598.0, 759.0, 1.0], [677.0, 458.0, 751.0, 667.0, 1.0], [1502.0, 430.0, 1555.0, 558.0, 1.0], [500.0, 453.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [544.0, 462.0, 579.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1024.0, 454.0, 1056.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [744.0, 499.0, 782.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [724.0, 447.0, 757.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 53, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 3, "confidence": 0.12034160928647421, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]], "unmatched_before_before": []}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.9477], [618.34, 446.86, 703.082, 703.09, 1.3013], [579.94, 451.29, 624.888, 588.13, 0.43089]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1819.0, 385.0, 2006.0, 884.0, 1.0], [623.0, 444.0, 712.0, 718.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [744.0, 462.0, 780.0, 546.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 440.0, 1136.0, 548.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 598.0, 759.0, 1.0], [677.0, 458.0, 751.0, 667.0, 1.0], [1502.0, 430.0, 1555.0, 558.0, 1.0], [500.0, 453.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [544.0, 462.0, 579.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [419.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1024.0, 454.0, 1056.0, 531.0, 1.0], [649.0, 456.0, 686.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [744.0, 499.0, 782.0, 560.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 597.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [724.0, 447.0, 757.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 54, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]]}, "ret_ret": [[486.5269653510246, 444.23707193156974, 591.2798139404282, 760.4993066366869, 5.0], [620.3745097072472, 445.85425515414187, 706.5181862505547, 706.2893253343548, 2.0]], "ret_unmatched_trks_pos": [[1263.284756383637, 446.4480685041093, 1297.3442858756823, 550.6335926225527, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[486.58, 444.35, 591.14, 760.03, 1.662], [618.34, 446.86, 703.082, 703.09, 1.5411], [689.79, 455.86, 753.77, 649.8, 0.35075]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1821.0, 385.0, 2013.0, 883.0, 1.0], [623.0, 444.0, 712.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [745.0, 463.0, 781.0, 547.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 600.0, 759.0, 1.0], [678.0, 458.0, 753.0, 668.0, 1.0], [1505.0, 430.0, 1557.0, 558.0, 1.0], [500.0, 452.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1025.0, 454.0, 1057.0, 531.0, 1.0], [650.0, 456.0, 687.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [746.0, 500.0, 784.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [725.0, 447.0, 758.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 54, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 4, "confidence": 0.16708199753269817, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.48921]]}, "ret_dets": [[486.58, 444.35, 591.14, 760.03, 1.662], [618.34, 446.86, 703.082, 703.09, 1.5411], [689.79, 455.86, 753.77, 649.8, 0.35075]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1821.0, 385.0, 2013.0, 883.0, 1.0], [623.0, 444.0, 712.0, 719.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [745.0, 463.0, 781.0, 547.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 600.0, 759.0, 1.0], [678.0, 458.0, 753.0, 668.0, 1.0], [1505.0, 430.0, 1557.0, 558.0, 1.0], [500.0, 452.0, 588.0, 725.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 558.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1025.0, 454.0, 1057.0, 531.0, 1.0], [650.0, 456.0, 687.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [746.0, 500.0, 784.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 641.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [725.0, 447.0, 758.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 55, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "unmatched": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]]}, "ret_ret": [[486.52583255169367, 444.2291364885089, 591.2726232704468, 760.4730816013198, 5.0], [619.1781849190133, 446.55839538526845, 704.3894170357635, 704.1946785371512, 2.0]], "ret_unmatched_trks_pos": [[1263.7901272224174, 446.479959616639, 1297.8582978189677, 550.6919162200654, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.6428], [486.58, 444.35, 591.14, 760.03, 1.5494]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1822.0, 385.0, 2020.0, 883.0, 1.0], [623.0, 444.0, 712.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [746.0, 463.0, 783.0, 549.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 602.0, 759.0, 1.0], [680.0, 458.0, 754.0, 668.0, 1.0], [1507.0, 430.0, 1560.0, 558.0, 1.0], [500.0, 452.0, 588.0, 726.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1026.0, 454.0, 1058.0, 531.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [747.0, 500.0, 785.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [726.0, 447.0, 759.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 55, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 5, "confidence": 0.14025699871808983, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "unmatched": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.43089]]}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.6428], [486.58, 444.35, 591.14, 760.03, 1.5494]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1822.0, 385.0, 2020.0, 883.0, 1.0], [623.0, 444.0, 712.0, 720.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 731.0, 597.0, 0.0], [746.0, 463.0, 783.0, 549.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 602.0, 759.0, 1.0], [680.0, 458.0, 754.0, 668.0, 1.0], [1507.0, 430.0, 1560.0, 558.0, 1.0], [500.0, 452.0, 588.0, 726.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [543.0, 462.0, 578.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 622.0, 589.0, 1.0], [1026.0, 454.0, 1058.0, 531.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [747.0, 500.0, 785.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [705.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [573.0, 454.0, 596.0, 527.0, 1.0], [617.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [726.0, 447.0, 759.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 56, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]]}, "ret_ret": [[486.52492777282396, 444.2223193633019, 591.2660093965626, 760.4490279480096, 5.0], [618.7167233320538, 446.82986314705045, 703.5705941709728, 703.3933628232828, 2.0]], "ret_unmatched_trks_pos": [[1264.2954991567915, 446.5118540805074, 1298.3723086666594, 550.7502364662395, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.6453], [498.8, 430.92, 610.94, 769.33, 1.0551]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 444.0, 712.0, 721.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [747.0, 464.0, 785.0, 550.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 603.0, 759.0, 1.0], [682.0, 458.0, 756.0, 669.0, 1.0], [1510.0, 430.0, 1562.0, 557.0, 1.0], [500.0, 452.0, 588.0, 727.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [542.0, 462.0, 577.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [1028.0, 455.0, 1060.0, 532.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [748.0, 500.0, 786.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 596.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [727.0, 447.0, 760.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 56, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 6, "confidence": 0.12095521555989777, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[689.79, 455.86, 753.77, 649.8, 0.35075]]}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.6453], [498.8, 430.92, 610.94, 769.33, 1.0551]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 444.0, 712.0, 721.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [747.0, 464.0, 785.0, 550.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1006.0, 441.0, 1046.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 603.0, 759.0, 1.0], [682.0, 458.0, 756.0, 669.0, 1.0], [1510.0, 430.0, 1562.0, 557.0, 1.0], [500.0, 452.0, 588.0, 727.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [542.0, 462.0, 577.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [1028.0, 455.0, 1060.0, 532.0, 1.0], [651.0, 456.0, 688.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [748.0, 500.0, 786.0, 561.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 596.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [578.0, 424.0, 598.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 450.0, 1050.0, 519.0, 1.0], [727.0, 447.0, 760.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 57, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[494.56783112831704, 435.63367825784997, 604.1268283180068, 766.3126896321161, 5.0], [618.5368469012153, 446.93327934354613, 703.2552053765207, 703.0899810273266, 2.0]], "ret_unmatched_trks_pos": [[1264.8008721859267, 446.5437518931663, 1298.88631841959, 550.808553363623, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[618.34, 446.86, 703.082, 703.09, 1.6348], [498.8, 430.92, 610.94, 769.33, 0.78053]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 445.0, 712.0, 723.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [748.0, 464.0, 786.0, 551.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 605.0, 759.0, 1.0], [683.0, 458.0, 757.0, 669.0, 1.0], [1512.0, 430.0, 1565.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [541.0, 462.0, 576.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [662.0, 448.0, 732.0, 635.0, 1.0], [1029.0, 454.0, 1061.0, 531.0, 1.0], [652.0, 456.0, 689.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 501.0, 788.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [729.0, 447.0, 762.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 57, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 7, "confidence": 0.10667162321481398, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[618.34, 446.86, 703.082, 703.09, 1.6348], [498.8, 430.92, 610.94, 769.33, 0.78053]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [623.0, 445.0, 712.0, 723.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1090.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [748.0, 464.0, 786.0, 551.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 605.0, 759.0, 1.0], [683.0, 458.0, 757.0, 669.0, 1.0], [1512.0, 430.0, 1565.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [541.0, 462.0, 576.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [662.0, 448.0, 732.0, 635.0, 1.0], [1029.0, 454.0, 1061.0, 531.0, 1.0], [652.0, 456.0, 689.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 501.0, 788.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [729.0, 447.0, 762.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 58, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[497.63008533867634, 432.44290470369685, 608.9690150715155, 768.457920583371, 5.0], [618.4652616581993, 446.9722085039459, 703.1331219154383, 702.9773432716242, 2.0]], "ret_unmatched_trks_pos": [[1265.3062463089905, 446.5756530520707, 1299.400327078592, 550.8668669147611, 4.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 2.0131], [493.46, 454.06, 590.952, 748.53, 0.74405], [579.94, 451.29, 624.888, 588.13, 0.53516]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 724.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [749.0, 465.0, 788.0, 553.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 607.0, 759.0, 1.0], [685.0, 458.0, 759.0, 670.0, 1.0], [1515.0, 430.0, 1567.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [540.0, 462.0, 575.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [666.0, 448.0, 734.0, 635.0, 1.0], [1030.0, 454.0, 1062.0, 531.0, 1.0], [652.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 501.0, 789.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [730.0, 447.0, 763.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 58, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 2.0131], [493.46, 454.06, 590.952, 748.53, 0.74405], [579.94, 451.29, 624.888, 588.13, 0.53516]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 724.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [709.0, 486.0, 753.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [749.0, 465.0, 788.0, 553.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 607.0, 759.0, 1.0], [685.0, 458.0, 759.0, 670.0, 1.0], [1515.0, 430.0, 1567.0, 557.0, 1.0], [500.0, 452.0, 588.0, 728.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [540.0, 462.0, 575.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [583.0, 455.0, 623.0, 589.0, 1.0], [666.0, 448.0, 734.0, 635.0, 1.0], [1030.0, 454.0, 1062.0, 531.0, 1.0], [652.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 501.0, 789.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 744.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 640.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [730.0, 447.0, 763.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 59, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched_before_before": []}, "ret_ret": [[494.981490901915, 445.47322107801136, 598.0057568317587, 756.5545150460857, 5.0], [623.4233624754279, 444.0496875576076, 711.9757773620602, 711.7119186037627, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.8599], [493.46, 434.36, 590.952, 728.83, 0.63764]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 725.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [750.0, 465.0, 790.0, 554.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 609.0, 759.0, 1.0], [687.0, 458.0, 761.0, 671.0, 1.0], [1518.0, 430.0, 1569.0, 557.0, 1.0], [500.0, 452.0, 588.0, 729.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [670.0, 448.0, 737.0, 636.0, 1.0], [1031.0, 454.0, 1063.0, 531.0, 1.0], [653.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 501.0, 790.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [731.0, 447.0, 764.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 59, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.8599], [493.46, 434.36, 590.952, 728.83, 0.63764]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 725.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [750.0, 465.0, 790.0, 554.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 609.0, 759.0, 1.0], [687.0, 458.0, 761.0, 671.0, 1.0], [1518.0, 430.0, 1569.0, 557.0, 1.0], [500.0, 452.0, 588.0, 729.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 556.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [670.0, 448.0, 737.0, 636.0, 1.0], [1031.0, 454.0, 1063.0, 531.0, 1.0], [653.0, 456.0, 690.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 501.0, 790.0, 562.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 635.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [731.0, 447.0, 764.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 60, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]]}, "ret_ret": [[494.04502978608474, 437.85787974628596, 593.7134838473957, 738.8652942884189, 5.0], [625.3121619214245, 442.9907276090497, 715.3048516278399, 714.9720946906542, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.9276], [579.94, 451.29, 624.888, 588.13, 0.70894], [1261.6, 446.72, 1295.422, 550.19, 0.63399]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 726.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 611.0, 759.0, 1.0], [687.0, 457.0, 761.0, 671.0, 1.0], [1520.0, 430.0, 1572.0, 557.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [674.0, 448.0, 740.0, 636.0, 1.0], [1032.0, 454.0, 1064.0, 531.0, 1.0], [654.0, 456.0, 691.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 502.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 634.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [732.0, 447.0, 765.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 60, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.53516]]}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.9276], [579.94, 451.29, 624.888, 588.13, 0.70894], [1261.6, 446.72, 1295.422, 550.19, 0.63399]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 726.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1005.0, 441.0, 1045.0, 557.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [481.0, 438.0, 611.0, 759.0, 1.0], [687.0, 457.0, 761.0, 671.0, 1.0], [1520.0, 430.0, 1572.0, 557.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [539.0, 463.0, 574.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 623.0, 589.0, 1.0], [674.0, 448.0, 740.0, 636.0, 1.0], [1032.0, 454.0, 1064.0, 531.0, 1.0], [654.0, 456.0, 691.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 502.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [609.0, 461.0, 634.0, 536.0, 1.0], [572.0, 454.0, 595.0, 526.0, 1.0], [616.0, 456.0, 639.0, 533.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [732.0, 447.0, 765.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 61, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 40}], "unmatched": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched_before_before": []}, "ret_ret": [[494.22902439786014, 436.5899141010839, 594.0300085553462, 737.9975810799024, 5.0], [626.0059730486646, 442.5839039418096, 716.5430632955035, 716.197413419044, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.8358], [579.94, 451.29, 624.888, 588.13, 0.49629], [507.69, 444.35, 612.25, 760.03, 0.42982]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 727.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [483.0, 438.0, 613.0, 759.0, 1.0], [688.0, 457.0, 762.0, 672.0, 1.0], [1523.0, 430.0, 1574.0, 556.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [538.0, 463.0, 573.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 743.0, 637.0, 1.0], [1033.0, 454.0, 1065.0, 531.0, 1.0], [654.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 501.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [733.0, 447.0, 766.0, 543.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 61, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 1, "confidence": 1, "age": 40}], "unmatched": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.8358], [579.94, 451.29, 624.888, 588.13, 0.49629], [507.69, 444.35, 612.25, 760.03, 0.42982]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 727.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [751.0, 466.0, 792.0, 556.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [483.0, 438.0, 613.0, 759.0, 1.0], [688.0, 457.0, 762.0, 672.0, 1.0], [1523.0, 430.0, 1574.0, 556.0, 1.0], [500.0, 452.0, 588.0, 730.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [538.0, 463.0, 573.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 743.0, 637.0, 1.0], [1033.0, 454.0, 1065.0, 531.0, 1.0], [654.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 501.0, 792.0, 563.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1026.0, 451.0, 1050.0, 520.0, 1.0], [733.0, 447.0, 766.0, 543.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 62, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]]}, "ret_ret": [[504.7061109631229, 442.49014810183223, 608.0538772749824, 754.537656820252, 5.0], [626.2412686505132, 442.4183330108143, 716.9857059701839, 716.6534244917167, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.8256], [578.0, 430.92, 633.569, 599.63, 0.34068]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 728.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [486.0, 439.0, 616.0, 760.0, 1.0], [689.0, 457.0, 763.0, 673.0, 1.0], [1525.0, 430.0, 1577.0, 556.0, 1.0], [500.0, 452.0, 588.0, 731.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [537.0, 463.0, 572.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 746.0, 637.0, 1.0], [1034.0, 454.0, 1066.0, 531.0, 1.0], [655.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [734.0, 448.0, 767.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 62, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 41}], "unmatched": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]], "unmatched_before_before": [[1261.6, 446.72, 1295.422, 550.19, 0.63399], [579.94, 451.29, 624.888, 588.13, 0.70894]]}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.8256], [578.0, 430.92, 633.569, 599.63, 0.34068]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 728.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [486.0, 439.0, 616.0, 760.0, 1.0], [689.0, 457.0, 763.0, 673.0, 1.0], [1525.0, 430.0, 1577.0, 556.0, 1.0], [500.0, 452.0, 588.0, 731.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [537.0, 463.0, 572.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 746.0, 637.0, 1.0], [1034.0, 454.0, 1066.0, 531.0, 1.0], [655.0, 456.0, 692.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 536.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 639.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [734.0, 448.0, 767.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 63, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 1, "confidence": 1, "age": 42}], "unmatched": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]]}, "ret_ret": [[505.9244746203831, 442.26181211763304, 609.4244065874448, 754.7687687304085, 5.0], [626.3030020086458, 442.34445828014896, 717.1267761508864, 716.8173818142604, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.4919], [498.8, 430.92, 610.94, 769.33, 0.37657]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 729.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [488.0, 440.0, 618.0, 761.0, 1.0], [690.0, 456.0, 763.0, 674.0, 1.0], [1528.0, 430.0, 1579.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [482.0, 468.0, 511.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 749.0, 638.0, 1.0], [1035.0, 454.0, 1067.0, 531.0, 1.0], [655.0, 456.0, 693.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [735.0, 448.0, 768.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 63, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 1, "confidence": 1, "age": 42}], "unmatched": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]], "unmatched_before_before": [[579.94, 451.29, 624.888, 588.13, 0.49629]]}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.4919], [498.8, 430.92, 610.94, 769.33, 0.37657]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 445.0, 712.0, 729.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [752.0, 467.0, 793.0, 557.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [488.0, 440.0, 618.0, 761.0, 1.0], [690.0, 456.0, 763.0, 674.0, 1.0], [1528.0, 430.0, 1579.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 524.0, 559.0, 1.0], [482.0, 468.0, 511.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 749.0, 638.0, 1.0], [1035.0, 454.0, 1067.0, 531.0, 1.0], [655.0, 456.0, 693.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 793.0, 564.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [735.0, 448.0, 768.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 64, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]]}, "ret_ret": [[500.77344324077205, 433.74036473722856, 610.7909239795414, 765.793789920626, 5.0], [626.3007167852395, 442.30629810023675, 717.1550346146348, 716.8707889464551, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.5936], [513.16, 454.06, 610.6519999999999, 748.53, 0.37067]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 446.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 468.0, 794.0, 558.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [491.0, 440.0, 621.0, 761.0, 1.0], [691.0, 456.0, 764.0, 675.0, 1.0], [1530.0, 430.0, 1582.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [481.0, 467.0, 510.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 752.0, 639.0, 1.0], [1036.0, 454.0, 1068.0, 531.0, 1.0], [656.0, 456.0, 694.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 794.0, 565.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [736.0, 448.0, 769.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 64, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 43}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[578.0, 430.92, 633.569, 599.63, 0.34068]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.5936], [513.16, 454.06, 610.6519999999999, 748.53, 0.37067]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 446.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 468.0, 794.0, 558.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1097.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [491.0, 440.0, 621.0, 761.0, 1.0], [691.0, 456.0, 764.0, 675.0, 1.0], [1530.0, 430.0, 1582.0, 556.0, 1.0], [500.0, 452.0, 588.0, 732.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [536.0, 463.0, 571.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [481.0, 467.0, 510.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 449.0, 752.0, 639.0, 1.0], [1036.0, 454.0, 1068.0, 531.0, 1.0], [656.0, 456.0, 694.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 501.0, 794.0, 565.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [736.0, 448.0, 769.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 65, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[509.11015236000327, 446.5001397089602, 611.3250877542098, 755.1507400914118, 5.0], [617.0434361793057, 437.4226975275234, 712.0856797627366, 724.5505628490974, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.3918]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [621.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 469.0, 794.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [494.0, 441.0, 624.0, 762.0, 1.0], [692.0, 456.0, 765.0, 676.0, 1.0], [1533.0, 430.0, 1584.0, 556.0, 1.0], [500.0, 452.0, 588.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [535.0, 463.0, 570.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [480.0, 467.0, 509.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 450.0, 755.0, 640.0, 1.0], [1037.0, 454.0, 1069.0, 531.0, 1.0], [657.0, 456.0, 695.0, 583.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 501.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [737.0, 448.0, 770.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 65, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 44}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.3918]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [621.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [753.0, 469.0, 794.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 556.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [494.0, 441.0, 624.0, 762.0, 1.0], [692.0, 456.0, 765.0, 676.0, 1.0], [1533.0, 430.0, 1584.0, 556.0, 1.0], [500.0, 452.0, 588.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [535.0, 463.0, 570.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [480.0, 467.0, 509.0, 564.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 624.0, 589.0, 1.0], [678.0, 450.0, 755.0, 640.0, 1.0], [1037.0, 454.0, 1069.0, 531.0, 1.0], [657.0, 456.0, 695.0, 583.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 501.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [571.0, 454.0, 594.0, 526.0, 1.0], [615.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [737.0, 448.0, 770.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 66, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 1, "confidence": 1, "age": 45}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[510.4113177384362, 446.63044298147213, 612.6673825371846, 755.4052386721365, 5.0], [622.7342088357566, 440.370975729159, 715.2217924023018, 719.8365086517481, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[625.89, 442.1, 716.786, 716.79, 1.5875], [697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 469.0, 795.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [496.0, 442.0, 626.0, 763.0, 1.0], [693.0, 455.0, 766.0, 675.0, 1.0], [1536.0, 429.0, 1586.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [534.0, 463.0, 569.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 509.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 756.0, 640.0, 1.0], [1038.0, 454.0, 1070.0, 531.0, 1.0], [657.0, 456.0, 695.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [739.0, 448.0, 772.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 66, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 1, "confidence": 1, "age": 45}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[625.89, 442.1, 716.786, 716.79, 1.5875], [697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 445.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 469.0, 795.0, 559.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [928.0, 435.0, 970.0, 549.0, 1.0], [496.0, 442.0, 626.0, 763.0, 1.0], [693.0, 455.0, 766.0, 675.0, 1.0], [1536.0, 429.0, 1586.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [534.0, 463.0, 569.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 509.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [584.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 756.0, 640.0, 1.0], [1038.0, 454.0, 1070.0, 531.0, 1.0], [657.0, 456.0, 695.0, 582.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 795.0, 566.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 638.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [739.0, 448.0, 772.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 67, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 2, "confidence": 1, "age": 46}], "unmatched": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched_before_before": []}, "ret_ret": [[511.7227685692042, 446.79180444549195, 613.9993918678243, 755.6286790613534, 5.0], [624.901811801927, 441.51708398865014, 716.3953872495125, 718.0000207486815, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.398], [687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 470.0, 795.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [499.0, 442.0, 629.0, 763.0, 1.0], [694.0, 455.0, 768.0, 675.0, 1.0], [1538.0, 429.0, 1589.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [533.0, 464.0, 568.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 508.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 757.0, 641.0, 1.0], [1039.0, 454.0, 1071.0, 531.0, 1.0], [658.0, 456.0, 696.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [740.0, 448.0, 773.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 67, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 2, "confidence": 1, "age": 46}], "unmatched": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.398], [687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [754.0, 470.0, 795.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [499.0, 442.0, 629.0, 763.0, 1.0], [694.0, 455.0, 768.0, 675.0, 1.0], [1538.0, 429.0, 1589.0, 555.0, 1.0], [500.0, 452.0, 588.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [533.0, 464.0, 568.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [479.0, 467.0, 508.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 757.0, 641.0, 1.0], [1039.0, 454.0, 1071.0, 531.0, 1.0], [658.0, 456.0, 696.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 584.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [740.0, 448.0, 773.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 68, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 3, "confidence": 1, "age": 47}], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]]}, "ret_ret": [[513.0393597996947, 446.96868798027765, 615.3262607987417, 755.8365973798044, 5.0], [616.4865224332605, 437.11111744639567, 711.7616673851962, 724.9372601095358, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7214], [687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 470.0, 796.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [501.0, 443.0, 631.0, 764.0, 1.0], [696.0, 455.0, 769.0, 674.0, 1.0], [1541.0, 429.0, 1591.0, 555.0, 1.0], [500.0, 452.0, 588.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [478.0, 467.0, 507.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 758.0, 641.0, 1.0], [1040.0, 454.0, 1072.0, 531.0, 1.0], [659.0, 456.0, 697.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [741.0, 448.0, 774.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 68, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 3, "confidence": 1, "age": 47}], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]], "unmatched_before_before": [[697.44, 460.65, 766.0840000000001, 668.5799999999999, 0.30155]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7214], [687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 731.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 470.0, 796.0, 560.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [501.0, 443.0, 631.0, 764.0, 1.0], [696.0, 455.0, 769.0, 674.0, 1.0], [1541.0, 429.0, 1591.0, 555.0, 1.0], [500.0, 452.0, 588.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [478.0, 467.0, 507.0, 565.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 758.0, 641.0, 1.0], [1040.0, 454.0, 1072.0, 531.0, 1.0], [659.0, 456.0, 697.0, 581.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 500.0, 796.0, 567.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 634.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [579.0, 424.0, 599.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [741.0, 448.0, 774.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 69, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 4, "confidence": 1, "age": 48}], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]]}, "ret_ret": [[514.3585206489124, 447.15333079564067, 616.6505601109318, 756.0367564176781, 5.0], [613.3000730567932, 435.47751788118677, 709.980551050818, 727.5165258006366, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6169], [528.8, 444.35, 633.3599999999999, 760.03, 0.64987]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 471.0, 796.0, 561.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [504.0, 444.0, 634.0, 765.0, 1.0], [697.0, 455.0, 771.0, 674.0, 1.0], [1543.0, 429.0, 1594.0, 555.0, 1.0], [500.0, 453.0, 588.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [477.0, 467.0, 507.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 759.0, 642.0, 1.0], [1041.0, 454.0, 1073.0, 531.0, 1.0], [660.0, 456.0, 698.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 500.0, 797.0, 568.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [742.0, 448.0, 775.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 69, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 4, "confidence": 1, "age": 48}], "unmatched": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]], "unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.44973]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6169], [528.8, 444.35, 633.3599999999999, 760.03, 0.64987]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 444.0, 713.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 471.0, 796.0, 561.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [504.0, 444.0, 634.0, 765.0, 1.0], [697.0, 455.0, 771.0, 674.0, 1.0], [1543.0, 429.0, 1594.0, 555.0, 1.0], [500.0, 453.0, 588.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [532.0, 464.0, 567.0, 557.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [477.0, 467.0, 507.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 759.0, 642.0, 1.0], [1041.0, 454.0, 1073.0, 531.0, 1.0], [660.0, 456.0, 698.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 500.0, 797.0, 568.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [742.0, 448.0, 775.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 70, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]]}, "ret_ret": [[527.5716759880324, 444.76368031613106, 631.8292478091475, 759.5383975368632, 5.0], [612.0993510008315, 434.8516966708289, 709.3108025157109, 728.4820601588453, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6507], [528.8, 444.35, 633.3599999999999, 760.03, 0.57854]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [507.0, 445.0, 637.0, 766.0, 1.0], [698.0, 455.0, 772.0, 673.0, 1.0], [1546.0, 429.0, 1596.0, 555.0, 1.0], [501.0, 453.0, 589.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [531.0, 464.0, 566.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 760.0, 642.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [661.0, 456.0, 699.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [743.0, 448.0, 776.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 70, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 49}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[687.71, 463.78, 761.3530000000001, 686.71, 0.41933]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.6507], [528.8, 444.35, 633.3599999999999, 760.03, 0.57854]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 555.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [507.0, 445.0, 637.0, 766.0, 1.0], [698.0, 455.0, 772.0, 673.0, 1.0], [1546.0, 429.0, 1596.0, 555.0, 1.0], [501.0, 453.0, 589.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [531.0, 464.0, 566.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 566.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [678.0, 449.0, 760.0, 642.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [661.0, 456.0, 699.0, 580.0, 1.0], [697.0, 462.0, 724.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [608.0, 461.0, 633.0, 535.0, 1.0], [570.0, 454.0, 593.0, 526.0, 1.0], [614.0, 456.0, 637.0, 532.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [743.0, 448.0, 776.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 71, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[529.1378755418793, 444.53883136991504, 633.6099578754715, 759.956135108481, 5.0], [611.6558095804376, 434.60438377192605, 709.0688295160082, 728.8387933768697, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.8919], [528.8, 444.35, 633.3599999999999, 760.03, 0.51249]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [510.0, 444.0, 638.0, 766.0, 1.0], [700.0, 455.0, 774.0, 673.0, 1.0], [1548.0, 429.0, 1599.0, 554.0, 1.0], [503.0, 453.0, 591.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [530.0, 464.0, 565.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [679.0, 449.0, 761.0, 643.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [662.0, 456.0, 700.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [744.0, 448.0, 777.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 71, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 50}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.8919], [528.8, 444.35, 633.3599999999999, 760.03, 0.51249]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 443.0, 712.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1054.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 472.0, 797.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1135.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [510.0, 444.0, 638.0, 766.0, 1.0], [700.0, 455.0, 774.0, 673.0, 1.0], [1548.0, 429.0, 1599.0, 554.0, 1.0], [503.0, 453.0, 591.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [530.0, 464.0, 565.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [476.0, 467.0, 506.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 625.0, 589.0, 1.0], [679.0, 449.0, 761.0, 643.0, 1.0], [1042.0, 454.0, 1074.0, 531.0, 1.0], [662.0, 456.0, 700.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 500.0, 798.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [704.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 451.0, 1049.0, 520.0, 1.0], [744.0, 448.0, 777.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 72, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[529.6829141137227, 444.46330952159076, 634.2283855901183, 760.1004805119697, 5.0], [611.50064144492, 434.50142587451603, 708.9900753050132, 728.9648084468421, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7912], [528.8, 444.35, 633.3599999999999, 760.03, 0.44196], [1262.5, 441.39, 1298.821, 552.35, 0.30405]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 472.0, 798.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [513.0, 444.0, 639.0, 767.0, 1.0], [700.0, 455.0, 776.0, 673.0, 1.0], [1551.0, 429.0, 1601.0, 554.0, 1.0], [504.0, 453.0, 593.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [475.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 589.0, 1.0], [682.0, 449.0, 761.0, 643.0, 1.0], [1043.0, 454.0, 1075.0, 531.0, 1.0], [663.0, 456.0, 701.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 500.0, 799.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 452.0, 1049.0, 521.0, 1.0], [745.0, 448.0, 778.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 72, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 51}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7912], [528.8, 444.35, 633.3599999999999, 760.03, 0.44196], [1262.5, 441.39, 1298.821, 552.35, 0.30405]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 472.0, 798.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [513.0, 444.0, 639.0, 767.0, 1.0], [700.0, 455.0, 776.0, 673.0, 1.0], [1551.0, 429.0, 1601.0, 554.0, 1.0], [504.0, 453.0, 593.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [475.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 589.0, 1.0], [682.0, 449.0, 761.0, 643.0, 1.0], [1043.0, 454.0, 1075.0, 531.0, 1.0], [663.0, 456.0, 701.0, 580.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 500.0, 799.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 424.0, 600.0, 467.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1025.0, 452.0, 1049.0, 521.0, 1.0], [745.0, 448.0, 778.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 73, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "unmatched": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched_before_before": []}, "ret_ret": [[529.8273668517302, 444.4296065667071, 634.4002524324849, 760.1489043390244, 5.0], [611.4545681158698, 434.4542696697088, 708.9727200400686, 729.003693402844, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.739]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [516.0, 444.0, 640.0, 767.0, 1.0], [701.0, 456.0, 778.0, 673.0, 1.0], [1554.0, 429.0, 1603.0, 554.0, 1.0], [506.0, 453.0, 595.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [474.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [685.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [664.0, 456.0, 702.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 500.0, 800.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [746.0, 448.0, 779.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 73, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 52}], "unmatched": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.739]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 443.0, 711.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 969.0, 549.0, 1.0], [516.0, 444.0, 640.0, 767.0, 1.0], [701.0, 456.0, 778.0, 673.0, 1.0], [1554.0, 429.0, 1603.0, 554.0, 1.0], [506.0, 453.0, 595.0, 735.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [529.0, 464.0, 564.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [474.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [685.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [664.0, 456.0, 702.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 500.0, 800.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [746.0, 448.0, 779.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 74, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 1, "confidence": 1, "age": 53}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]]}, "ret_ret": [[531.7333651307772, 444.5337629592183, 636.35483779121, 760.3997515165469, 5.0], [611.44904159582, 434.42917820560956, 708.9777200312618, 729.0101291326398, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.9104], [544.06, 430.92, 656.1999999999999, 769.33, 0.49124]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [519.0, 443.0, 641.0, 768.0, 1.0], [702.0, 456.0, 780.0, 673.0, 1.0], [1556.0, 429.0, 1606.0, 554.0, 1.0], [508.0, 452.0, 597.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [528.0, 464.0, 563.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [688.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [665.0, 456.0, 703.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 500.0, 801.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [747.0, 448.0, 780.0, 544.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 74, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 1, "confidence": 1, "age": 53}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1262.5, 441.39, 1298.821, 552.35, 0.30405]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.9104], [544.06, 430.92, 656.1999999999999, 769.33, 0.49124]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 441.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [519.0, 443.0, 641.0, 768.0, 1.0], [702.0, 456.0, 780.0, 673.0, 1.0], [1556.0, 429.0, 1606.0, 554.0, 1.0], [508.0, 452.0, 597.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [528.0, 464.0, 563.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 505.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [585.0, 455.0, 626.0, 590.0, 1.0], [688.0, 449.0, 762.0, 643.0, 1.0], [1044.0, 454.0, 1076.0, 531.0, 1.0], [665.0, 456.0, 703.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 500.0, 801.0, 569.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 535.0, 1.0], [569.0, 454.0, 592.0, 526.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1024.0, 451.0, 1048.0, 520.0, 1.0], [747.0, 448.0, 780.0, 544.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 75, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[541.7725280657963, 434.40836049197276, 651.9709553999479, 767.0013773703021, 5.0], [611.4579122284493, 434.41322469250485, 708.9901824606335, 729.0049222285604, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7384], [498.8, 430.92, 610.94, 769.33, 0.49396], [1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [523.0, 443.0, 642.0, 768.0, 1.0], [703.0, 457.0, 782.0, 673.0, 1.0], [1559.0, 429.0, 1608.0, 554.0, 1.0], [510.0, 451.0, 600.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [527.0, 465.0, 562.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [691.0, 449.0, 763.0, 644.0, 1.0], [1045.0, 454.0, 1077.0, 531.0, 1.0], [667.0, 456.0, 705.0, 582.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 501.0, 802.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [569.0, 454.0, 592.0, 527.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 75, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 54}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.7384], [498.8, 430.92, 610.94, 769.33, 0.49396], [1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 442.0, 710.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1044.0, 554.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [523.0, 443.0, 642.0, 768.0, 1.0], [703.0, 457.0, 782.0, 673.0, 1.0], [1559.0, 429.0, 1608.0, 554.0, 1.0], [510.0, 451.0, 600.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [527.0, 465.0, 562.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [473.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [691.0, 449.0, 763.0, 644.0, 1.0], [1045.0, 454.0, 1077.0, 531.0, 1.0], [667.0, 456.0, 705.0, 582.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 501.0, 802.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [569.0, 454.0, 592.0, 527.0, 1.0], [613.0, 456.0, 636.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 76, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "unmatched": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched_before_before": []}, "ret_ret": [[514.0041126420741, 432.0823303555964, 625.4978183013858, 768.5576491992333, 5.0], [611.4712661147917, 434.4014113268846, 709.0044907472613, 728.995952528273, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.4237], [704.08, 429.71, 788.822, 685.94, 0.54247], [513.16, 454.06, 610.6519999999999, 748.53, 0.48629], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [526.0, 443.0, 643.0, 769.0, 1.0], [704.0, 458.0, 784.0, 673.0, 1.0], [1561.0, 429.0, 1611.0, 553.0, 1.0], [512.0, 450.0, 603.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [526.0, 465.0, 561.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [472.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [694.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [668.0, 456.0, 706.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 501.0, 803.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 76, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 55}], "unmatched": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]], "unmatched_before_before": []}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.4237], [704.08, 429.71, 788.822, 685.94, 0.54247], [513.16, 454.06, 610.6519999999999, 748.53, 0.48629], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 732.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1122.0, 598.0, 1.0], [708.0, 486.0, 752.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [526.0, 443.0, 643.0, 769.0, 1.0], [704.0, 458.0, 784.0, 673.0, 1.0], [1561.0, 429.0, 1611.0, 553.0, 1.0], [512.0, 450.0, 603.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [526.0, 465.0, 561.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [472.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 626.0, 590.0, 1.0], [694.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [668.0, 456.0, 706.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 501.0, 803.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 743.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [749.0, 449.0, 782.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 77, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "unmatched": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]]}, "ret_ret": [[513.1943257094488, 445.4686131094618, 616.1795600224307, 756.4302168814831, 5.0], [611.4854017771705, 434.3917688292894, 709.018584067025, 728.9861672185615, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.2095], [513.16, 454.06, 610.6519999999999, 748.53, 0.54497], [702.64, 448.86, 776.283, 671.79, 0.38424]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [529.0, 442.0, 644.0, 769.0, 1.0], [705.0, 458.0, 789.0, 673.0, 1.0], [1564.0, 429.0, 1613.0, 553.0, 1.0], [514.0, 450.0, 606.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [471.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [697.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [670.0, 456.0, 708.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 501.0, 804.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [750.0, 449.0, 783.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 77, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "unmatched": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]], "unmatched_before_before": [[1261.6, 449.36, 1293.09, 545.83, 0.46005], [704.08, 429.71, 788.822, 685.94, 0.35092]]}, "ret_dets": [[611.65, 434.36, 709.1419999999999, 728.83, 1.2095], [513.16, 454.06, 610.6519999999999, 748.53, 0.54497], [702.64, 448.86, 776.283, 671.79, 0.38424]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [613.0, 442.0, 709.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [529.0, 442.0, 644.0, 769.0, 1.0], [705.0, 458.0, 789.0, 673.0, 1.0], [1564.0, 429.0, 1613.0, 553.0, 1.0], [514.0, 450.0, 606.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [471.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [697.0, 449.0, 764.0, 644.0, 1.0], [1046.0, 454.0, 1078.0, 531.0, 1.0], [670.0, 456.0, 708.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 501.0, 804.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1023.0, 451.0, 1047.0, 520.0, 1.0], [750.0, 449.0, 783.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 78, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "unmatched": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]]}, "ret_ret": [[512.9912615593666, 450.819010038191, 612.5696402516994, 751.5537417776836, 5.0], [611.4989895938752, 434.38348872669235, 709.0317589905558, 728.9766342932844, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[635.49, 464.01, 720.232, 720.24, 1.3663], [513.16, 454.06, 610.6519999999999, 748.53, 0.73604], [717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 441.0, 710.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [532.0, 442.0, 645.0, 770.0, 1.0], [706.0, 458.0, 795.0, 674.0, 1.0], [1566.0, 429.0, 1616.0, 553.0, 1.0], [516.0, 450.0, 609.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [700.0, 449.0, 765.0, 644.0, 1.0], [1047.0, 454.0, 1079.0, 531.0, 1.0], [672.0, 456.0, 710.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 501.0, 805.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [751.0, 449.0, 784.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 78, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "unmatched": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]], "unmatched_before_before": [[704.08, 429.71, 788.822, 685.94, 0.54247], [1261.6, 449.36, 1293.09, 545.83, 0.47939]]}, "ret_dets": [[635.49, 464.01, 720.232, 720.24, 1.3663], [513.16, 454.06, 610.6519999999999, 748.53, 0.73604], [717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [614.0, 441.0, 710.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [532.0, 442.0, 645.0, 770.0, 1.0], [706.0, 458.0, 795.0, 674.0, 1.0], [1566.0, 429.0, 1616.0, 553.0, 1.0], [516.0, 450.0, 609.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [525.0, 465.0, 560.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 504.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [700.0, 449.0, 765.0, 644.0, 1.0], [1047.0, 454.0, 1079.0, 531.0, 1.0], [672.0, 456.0, 710.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 501.0, 805.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 633.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [751.0, 449.0, 784.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 79, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "unmatched": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]]}, "ret_ret": [[512.9433860805044, 452.9036402621097, 611.1924131576185, 749.6462324693671, 5.0], [626.7868981494858, 452.8558513945252, 716.5769495840739, 724.239724853561, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[635.49, 464.01, 720.232, 720.24, 1.2658], [498.8, 430.92, 610.94, 769.33, 1.1108], [711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 441.0, 711.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [535.0, 442.0, 646.0, 770.0, 1.0], [707.0, 458.0, 801.0, 675.0, 1.0], [1569.0, 429.0, 1618.0, 553.0, 1.0], [518.0, 450.0, 612.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [524.0, 465.0, 559.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [704.0, 449.0, 766.0, 645.0, 1.0], [1048.0, 454.0, 1080.0, 531.0, 1.0], [674.0, 456.0, 712.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 501.0, 806.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [752.0, 449.0, 785.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 79, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "unmatched": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]], "unmatched_before_before": [[702.64, 448.86, 776.283, 671.79, 0.38424]]}, "ret_dets": [[635.49, 464.01, 720.232, 720.24, 1.2658], [498.8, 430.92, 610.94, 769.33, 1.1108], [711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [615.0, 441.0, 711.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [535.0, 442.0, 646.0, 770.0, 1.0], [707.0, 458.0, 801.0, 675.0, 1.0], [1569.0, 429.0, 1618.0, 553.0, 1.0], [518.0, 450.0, 612.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [524.0, 465.0, 559.0, 558.0, 1.0], [496.0, 456.0, 525.0, 559.0, 1.0], [470.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [420.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [704.0, 449.0, 766.0, 645.0, 1.0], [1048.0, 454.0, 1080.0, 531.0, 1.0], [674.0, 456.0, 712.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 501.0, 806.0, 570.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 527.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [752.0, 449.0, 785.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 80, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "unmatched": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]]}, "ret_ret": [[503.6621264394089, 438.8777380133799, 610.7702810105648, 762.2077926259831, 5.0], [632.6807579015385, 460.1564142714948, 719.3347472223913, 722.1271644790116, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[498.8, 430.92, 610.94, 769.33, 1.1342], [613.25, 423.24, 717.81, 738.9200000000001, 1.0744], [702.64, 463.78, 776.283, 686.71, 0.60321]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 441.0, 713.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [763.0, 472.0, 804.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [539.0, 442.0, 647.0, 771.0, 1.0], [709.0, 458.0, 807.0, 676.0, 1.0], [520.0, 451.0, 615.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [523.0, 465.0, 558.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [469.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [706.0, 449.0, 768.0, 646.0, 1.0], [1049.0, 454.0, 1081.0, 531.0, 1.0], [676.0, 456.0, 714.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [770.0, 502.0, 807.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 528.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [753.0, 449.0, 786.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 80, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "unmatched": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]], "unmatched_before_before": [[717.79, 405.34, 808.6859999999999, 680.03, 0.39318]]}, "ret_dets": [[498.8, 430.92, 610.94, 769.33, 1.1342], [613.25, 423.24, 717.81, 738.9200000000001, 1.0744], [702.64, 463.78, 776.283, 686.71, 0.60321]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [616.0, 441.0, 713.0, 733.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [763.0, 472.0, 804.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 553.0, 1.0], [1096.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [539.0, 442.0, 647.0, 771.0, 1.0], [709.0, 458.0, 807.0, 676.0, 1.0], [520.0, 451.0, 615.0, 733.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [523.0, 465.0, 558.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [469.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 459.0, 458.0, 543.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [706.0, 449.0, 768.0, 646.0, 1.0], [1049.0, 454.0, 1081.0, 531.0, 1.0], [676.0, 456.0, 714.0, 581.0, 1.0], [697.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [770.0, 502.0, 807.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [607.0, 461.0, 632.0, 534.0, 1.0], [568.0, 454.0, 591.0, 528.0, 1.0], [612.0, 456.0, 635.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [580.0, 423.0, 600.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1022.0, 451.0, 1046.0, 520.0, 1.0], [753.0, 449.0, 786.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 81, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "unmatched": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]]}, "ret_ret": [[500.24188094475386, 433.8071397627858, 610.5469437404447, 766.7210156039158, 5.0], [620.4820209345351, 436.62025458587493, 718.650496823192, 733.1553087888088, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[613.25, 423.24, 717.81, 738.9200000000001, 0.8621], [521.43, 430.92, 633.5699999999999, 769.33, 0.68223], [711.37, 474.58, 780.014, 682.51, 0.65604]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 441.0, 714.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [540.0, 442.0, 648.0, 772.0, 1.0], [711.0, 457.0, 808.0, 677.0, 1.0], [520.0, 450.0, 615.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 458.0, 458.0, 542.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [708.0, 449.0, 770.0, 647.0, 1.0], [1050.0, 454.0, 1082.0, 531.0, 1.0], [677.0, 455.0, 715.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1020.0, 451.0, 1044.0, 520.0, 1.0], [754.0, 449.0, 787.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 81, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "unmatched": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]], "unmatched_before_before": [[711.37, 460.65, 780.014, 668.5799999999999, 0.57543], [710.14, 394.97, 807.632, 689.44, 0.46919]]}, "ret_dets": [[613.25, 423.24, 717.81, 738.9200000000001, 0.8621], [521.43, 430.92, 633.5699999999999, 769.33, 0.68223], [711.37, 474.58, 780.014, 682.51, 0.65604]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [617.0, 441.0, 714.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [540.0, 442.0, 648.0, 772.0, 1.0], [711.0, 457.0, 808.0, 677.0, 1.0], [520.0, 450.0, 615.0, 734.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [421.0, 458.0, 458.0, 542.0, 1.0], [586.0, 455.0, 627.0, 590.0, 1.0], [708.0, 449.0, 770.0, 647.0, 1.0], [1050.0, 454.0, 1082.0, 531.0, 1.0], [677.0, 455.0, 715.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 531.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1020.0, 451.0, 1044.0, 520.0, 1.0], [754.0, 449.0, 787.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 82, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "unmatched": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "unmatched_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "unmatched_before_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]]}, "ret_ret": [[513.7592006506011, 431.9102782919829, 625.2602711637601, 768.4080771740191, 5.0], [615.9789826987749, 428.14283752646065, 718.2072755422573, 736.8435095837465, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[631.35, 434.36, 728.842, 728.83, 1.0307], [702.64, 463.78, 776.283, 686.71, 0.7767], [498.8, 430.92, 610.94, 769.33, 0.47613], [558.78, 437.53, 679.04, 800.3, 0.44773]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 440.0, 715.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [541.0, 442.0, 649.0, 774.0, 1.0], [713.0, 457.0, 809.0, 678.0, 1.0], [520.0, 450.0, 615.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [422.0, 458.0, 459.0, 542.0, 1.0], [586.0, 455.0, 628.0, 590.0, 1.0], [710.0, 449.0, 772.0, 648.0, 1.0], [1051.0, 454.0, 1083.0, 531.0, 1.0], [678.0, 455.0, 716.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1019.0, 451.0, 1043.0, 520.0, 1.0], [755.0, 449.0, 788.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 82, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "unmatched": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "unmatched_before": [[711.37, 474.58, 780.014, 682.51, 0.65604]], "unmatched_before_before": [[702.64, 463.78, 776.283, 686.71, 0.60321]]}, "ret_dets": [[631.35, 434.36, 728.842, 728.83, 1.0307], [702.64, 463.78, 776.283, 686.71, 0.7767], [498.8, 430.92, 610.94, 769.33, 0.47613], [558.78, 437.53, 679.04, 800.3, 0.44773]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [618.0, 440.0, 715.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [541.0, 442.0, 649.0, 774.0, 1.0], [713.0, 457.0, 809.0, 678.0, 1.0], [520.0, 450.0, 615.0, 736.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [522.0, 465.0, 557.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [468.0, 466.0, 503.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [422.0, 458.0, 459.0, 542.0, 1.0], [586.0, 455.0, 628.0, 590.0, 1.0], [710.0, 449.0, 772.0, 648.0, 1.0], [1051.0, 454.0, 1083.0, 531.0, 1.0], [678.0, 455.0, 716.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [769.0, 502.0, 806.0, 571.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1019.0, 451.0, 1043.0, 520.0, 1.0], [755.0, 449.0, 788.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 83, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched_before_before": []}, "ret_ret": [[702.64, 463.78, 776.283, 686.71, 7.0], [504.1238063439537, 431.1941592610965, 616.0772774417717, 769.0473700047105, 5.0], [625.9787907989902, 431.88738628863723, 725.3292998051651, 731.9430512835037, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.2637], [558.78, 437.53, 679.04, 800.3, 0.85414], [721.23, 412.56, 805.972, 668.79, 0.77306], [498.8, 430.92, 610.94, 769.33, 0.56333]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 440.0, 717.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [542.0, 442.0, 651.0, 776.0, 1.0], [716.0, 456.0, 811.0, 679.0, 1.0], [520.0, 449.0, 615.0, 738.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [521.0, 465.0, 556.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [467.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 459.0, 542.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [712.0, 449.0, 774.0, 649.0, 1.0], [1053.0, 454.0, 1085.0, 531.0, 1.0], [680.0, 455.0, 718.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 806.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1017.0, 451.0, 1041.0, 520.0, 1.0], [756.0, 449.0, 788.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 83, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]], "unmatched_before_before": []}, "ret_dets": [[634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.2637], [558.78, 437.53, 679.04, 800.3, 0.85414], [721.23, 412.56, 805.972, 668.79, 0.77306], [498.8, 430.92, 610.94, 769.33, 0.56333]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [619.0, 440.0, 717.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [926.0, 435.0, 969.0, 549.0, 1.0], [542.0, 442.0, 651.0, 776.0, 1.0], [716.0, 456.0, 811.0, 679.0, 1.0], [520.0, 449.0, 615.0, 738.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [521.0, 465.0, 556.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [467.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 459.0, 542.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [712.0, 449.0, 774.0, 649.0, 1.0], [1053.0, 454.0, 1085.0, 531.0, 1.0], [680.0, 455.0, 718.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 806.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1017.0, 451.0, 1041.0, 520.0, 1.0], [756.0, 449.0, 788.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 84, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "unmatched_before_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]]}, "ret_ret": [[719.1392599075937, 415.6579931370801, 803.3904324000987, 670.502776093689, 7.0], [500.4649141102351, 430.9245199652706, 612.5896694464874, 769.2908518596757, 5.0], [631.8285021220536, 426.3637798406037, 734.4907692956431, 736.3552365652379, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[721.23, 412.56, 805.972, 668.79, 1.1654], [631.35, 434.36, 728.842, 728.83, 1.0488], [558.78, 437.53, 679.04, 800.3, 0.81955], [498.8, 430.92, 610.94, 769.33, 0.46032]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 440.0, 718.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [543.0, 442.0, 652.0, 777.0, 1.0], [718.0, 456.0, 812.0, 680.0, 1.0], [520.0, 449.0, 615.0, 740.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [520.0, 466.0, 555.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [466.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [714.0, 449.0, 776.0, 650.0, 1.0], [1054.0, 454.0, 1086.0, 531.0, 1.0], [681.0, 455.0, 719.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1016.0, 451.0, 1040.0, 520.0, 1.0], [757.0, 449.0, 789.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 84, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "unmatched_before": [[558.78, 437.53, 679.04, 800.3, 0.85414]], "unmatched_before_before": [[558.78, 437.53, 679.04, 800.3, 0.44773]]}, "ret_dets": [[721.23, 412.56, 805.972, 668.79, 1.1654], [631.35, 434.36, 728.842, 728.83, 1.0488], [558.78, 437.53, 679.04, 800.3, 0.81955], [498.8, 430.92, 610.94, 769.33, 0.46032]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [620.0, 440.0, 718.0, 734.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [762.0, 472.0, 803.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [543.0, 442.0, 652.0, 777.0, 1.0], [718.0, 456.0, 812.0, 680.0, 1.0], [520.0, 449.0, 615.0, 740.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [520.0, 466.0, 555.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [466.0, 466.0, 502.0, 567.0, 1.0], [374.0, 446.0, 415.0, 550.0, 0.0], [423.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [714.0, 449.0, 776.0, 650.0, 1.0], [1054.0, 454.0, 1086.0, 531.0, 1.0], [681.0, 455.0, 719.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [768.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 528.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1016.0, 451.0, 1040.0, 520.0, 1.0], [757.0, 449.0, 789.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 85, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [722.7964660906019, 406.9986362367646, 808.7703018658261, 666.99110051576, 7.0], [499.0951496556289, 430.8246174723269, 611.2842622801776, 769.3837198212357, 5.0], [631.936094064687, 431.2059769475833, 731.45634021102, 731.7669820608254, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[725.3, 460.65, 793.944, 668.5799999999999, 1.1002], [558.78, 437.53, 679.04, 800.3, 1.0713], [631.35, 434.36, 728.842, 728.83, 0.8721], [498.8, 430.92, 610.94, 769.33, 0.70522]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 440.0, 720.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [544.0, 443.0, 654.0, 779.0, 1.0], [721.0, 456.0, 814.0, 682.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [519.0, 466.0, 554.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [465.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [424.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [716.0, 450.0, 778.0, 651.0, 1.0], [1056.0, 454.0, 1088.0, 531.0, 1.0], [683.0, 455.0, 721.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1015.0, 451.0, 1039.0, 520.0, 1.0], [757.0, 449.0, 790.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 85, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[725.3, 460.65, 793.944, 668.5799999999999, 1.1002], [558.78, 437.53, 679.04, 800.3, 1.0713], [631.35, 434.36, 728.842, 728.83, 0.8721], [498.8, 430.92, 610.94, 769.33, 0.70522]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [622.0, 440.0, 720.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 562.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 552.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [544.0, 443.0, 654.0, 779.0, 1.0], [721.0, 456.0, 814.0, 682.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [519.0, 466.0, 554.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [465.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [424.0, 458.0, 460.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [716.0, 450.0, 778.0, 651.0, 1.0], [1056.0, 454.0, 1088.0, 531.0, 1.0], [683.0, 455.0, 721.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 502.0, 805.0, 572.0, 0.0], [910.0, 408.0, 936.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [611.0, 456.0, 634.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1015.0, 451.0, 1039.0, 520.0, 1.0], [757.0, 449.0, 790.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 86, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [726.1742640188353, 443.35679614074854, 800.1368347503193, 667.2557676205241, 7.0], [498.6003655736298, 430.78928092016076, 610.8130852457995, 769.4190715397449, 5.0], [631.9472924232407, 433.0979345820948, 730.2409227592211, 729.9759344541541, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[558.78, 437.53, 679.04, 800.3, 1.4201], [631.35, 434.36, 728.842, 728.83, 1.0872], [725.3, 460.65, 793.944, 668.5799999999999, 0.95859], [498.8, 430.92, 610.94, 769.33, 0.6882], [729.84, 394.97, 827.332, 689.44, 0.38619]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [624.0, 440.0, 722.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [545.0, 443.0, 655.0, 781.0, 1.0], [722.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [464.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [717.0, 449.0, 781.0, 650.0, 1.0], [1057.0, 454.0, 1089.0, 531.0, 1.0], [685.0, 455.0, 723.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1013.0, 451.0, 1037.0, 520.0, 1.0], [758.0, 449.0, 791.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 86, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[558.78, 437.53, 679.04, 800.3, 1.4201], [631.35, 434.36, 728.842, 728.83, 1.0872], [725.3, 460.65, 793.944, 668.5799999999999, 0.95859], [498.8, 430.92, 610.94, 769.33, 0.6882], [729.84, 394.97, 827.332, 689.44, 0.38619]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [624.0, 440.0, 722.0, 735.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [545.0, 443.0, 655.0, 781.0, 1.0], [722.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 742.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [464.0, 466.0, 502.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 541.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [717.0, 449.0, 781.0, 650.0, 1.0], [1057.0, 454.0, 1089.0, 531.0, 1.0], [685.0, 455.0, 723.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [767.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 534.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1013.0, 451.0, 1037.0, 520.0, 1.0], [758.0, 449.0, 791.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 87, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched_before_before": []}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [727.0739058370458, 455.81580644168594, 796.8145705052299, 667.0167406883918, 7.0], [498.43835600665454, 430.77842507557693, 610.6591554377738, 769.4323875238699, 5.0], [631.915970328679, 433.828848536352, 729.7367561944656, 729.2868799274733, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[631.35, 434.36, 728.842, 728.83, 1.1967], [732.5, 463.78, 806.143, 686.71, 1.1756], [521.43, 430.92, 633.5699999999999, 769.33, 1.0394]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [626.0, 440.0, 724.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [546.0, 443.0, 656.0, 782.0, 1.0], [724.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 743.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [463.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 540.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [719.0, 448.0, 784.0, 650.0, 1.0], [1058.0, 454.0, 1090.0, 531.0, 1.0], [687.0, 455.0, 725.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1012.0, 451.0, 1036.0, 520.0, 1.0], [759.0, 449.0, 792.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 87, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]], "unmatched_before_before": []}, "ret_dets": [[631.35, 434.36, 728.842, 728.83, 1.1967], [732.5, 463.78, 806.143, 686.71, 1.1756], [521.43, 430.92, 633.5699999999999, 769.33, 1.0394]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [626.0, 440.0, 724.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [927.0, 435.0, 970.0, 549.0, 1.0], [546.0, 443.0, 656.0, 782.0, 1.0], [724.0, 455.0, 813.0, 681.0, 1.0], [521.0, 449.0, 615.0, 743.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [518.0, 466.0, 553.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [463.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [425.0, 457.0, 461.0, 540.0, 1.0], [587.0, 455.0, 628.0, 590.0, 1.0], [719.0, 448.0, 784.0, 650.0, 1.0], [1058.0, 454.0, 1090.0, 531.0, 1.0], [687.0, 455.0, 725.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 805.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [703.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 632.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1012.0, 451.0, 1036.0, 520.0, 1.0], [759.0, 449.0, 792.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 88, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]]}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [732.2709823907776, 462.21986930492847, 804.2427329180634, 680.1238012759148, 7.0], [513.1786912191592, 430.7767616802149, 625.4016679774195, 769.437214210243, 5.0], [631.870790052111, 434.11086850425636, 729.5100589107462, 729.0237614706534, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.4735], [558.78, 437.53, 679.04, 800.3, 0.94413], [631.35, 434.36, 728.842, 728.83, 0.92723], [732.5, 448.86, 806.143, 671.79, 0.61258]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [628.0, 440.0, 727.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [547.0, 443.0, 658.0, 784.0, 1.0], [726.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 744.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [517.0, 466.0, 552.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [462.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [426.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [721.0, 447.0, 788.0, 650.0, 1.0], [1060.0, 454.0, 1092.0, 531.0, 1.0], [689.0, 455.0, 727.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 804.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1011.0, 451.0, 1035.0, 520.0, 1.0], [760.0, 449.0, 793.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 88, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}, {"time_since_observed": 1, "confidence": 0.4204631042226629, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[729.84, 394.97, 827.332, 689.44, 0.38619]]}, "ret_dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.4735], [558.78, 437.53, 679.04, 800.3, 0.94413], [631.35, 434.36, 728.842, 728.83, 0.92723], [732.5, 448.86, 806.143, 671.79, 0.61258]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [628.0, 440.0, 727.0, 736.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [761.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1134.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [547.0, 443.0, 658.0, 784.0, 1.0], [726.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 744.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [517.0, 466.0, 552.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [462.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [426.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [721.0, 447.0, 788.0, 650.0, 1.0], [1060.0, 454.0, 1092.0, 531.0, 1.0], [689.0, 455.0, 727.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [766.0, 503.0, 804.0, 573.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1011.0, 451.0, 1035.0, 520.0, 1.0], [760.0, 449.0, 793.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 89, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [733.8699991604493, 453.9199296371602, 806.6793717961217, 674.3391819503582, 7.0], [513.0451514296724, 444.8849925781053, 616.3680983136524, 756.8602063372025, 5.0], [631.8234625766474, 434.2204872933836, 729.3930044207816, 728.923963758842, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7861], [631.35, 434.36, 728.842, 728.83, 1.1299], [558.78, 437.53, 679.04, 800.3, 0.79843], [737.0, 449.0, 816.0, 688.0, 0.52896]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [630.0, 440.0, 729.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [548.0, 443.0, 659.0, 786.0, 1.0], [728.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [516.0, 466.0, 551.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [461.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [724.0, 447.0, 790.0, 650.0, 1.0], [1061.0, 454.0, 1093.0, 531.0, 1.0], [691.0, 455.0, 729.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1009.0, 451.0, 1033.0, 520.0, 1.0], [761.0, 449.0, 794.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 89, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7861], [631.35, 434.36, 728.842, 728.83, 1.1299], [558.78, 437.53, 679.04, 800.3, 0.79843], [737.0, 449.0, 816.0, 688.0, 0.52896]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [630.0, 440.0, 729.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1091.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 802.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 442.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [548.0, 443.0, 659.0, 786.0, 1.0], [728.0, 454.0, 813.0, 680.0, 1.0], [521.0, 449.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [516.0, 466.0, 551.0, 559.0, 1.0], [497.0, 456.0, 526.0, 560.0, 1.0], [461.0, 466.0, 501.0, 567.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [427.0, 457.0, 462.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [724.0, 447.0, 790.0, 650.0, 1.0], [1061.0, 454.0, 1093.0, 531.0, 1.0], [691.0, 455.0, 729.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 529.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1009.0, 451.0, 1033.0, 520.0, 1.0], [761.0, 449.0, 794.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 90, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[558.78, 437.53, 679.04, 800.3, 8.0], [737.3104507005953, 450.8623421187839, 814.1783998522676, 683.4718141536079, 7.0], [513.0921543563019, 450.58643219046326, 612.8099393348592, 751.7399000176322, 5.0], [631.7782384620406, 434.26400119818345, 729.3208337631512, 728.8865412468956, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.708], [631.35, 434.36, 728.842, 728.83, 1.035], [747.43, 448.86, 821.073, 671.79, 0.71911], [566.69, 430.92, 678.83, 769.33, 0.67911]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [632.0, 440.0, 732.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 443.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 788.0, 1.0], [730.0, 454.0, 813.0, 680.0, 1.0], [521.0, 448.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [461.0, 467.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [727.0, 447.0, 793.0, 650.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [693.0, 455.0, 731.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 530.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1008.0, 451.0, 1032.0, 520.0, 1.0], [987.0, 473.0, 1008.0, 516.0, 1.0], [762.0, 449.0, 795.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 90, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.708], [631.35, 434.36, 728.842, 728.83, 1.035], [747.43, 448.86, 821.073, 671.79, 0.71911], [566.69, 430.92, 678.83, 769.33, 0.67911]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [632.0, 440.0, 732.0, 737.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 563.0, 0.0], [1261.0, 447.0, 1294.0, 547.0, 1.0], [1004.0, 443.0, 1043.0, 551.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [928.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 788.0, 1.0], [730.0, 454.0, 813.0, 680.0, 1.0], [521.0, 448.0, 615.0, 745.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [461.0, 467.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [587.0, 455.0, 629.0, 590.0, 1.0], [727.0, 447.0, 793.0, 650.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [693.0, 455.0, 731.0, 581.0, 1.0], [696.0, 462.0, 723.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [765.0, 503.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [606.0, 461.0, 631.0, 533.0, 1.0], [567.0, 454.0, 591.0, 530.0, 1.0], [610.0, 456.0, 633.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1008.0, 451.0, 1032.0, 520.0, 1.0], [987.0, 473.0, 1008.0, 516.0, 1.0], [762.0, 449.0, 795.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 91, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[564.2818411349172, 432.7711257356997, 678.9358199178623, 778.715484346969, 8.0], [745.4736449407657, 449.63713338764217, 820.190553056084, 675.7872138230324, 7.0], [513.1267306436627, 452.8132655513747, 611.4337873647158, 749.7302641417476, 5.0], [631.7364461628159, 434.2821251680243, 729.2684526027166, 728.8728555398548, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.6029], [631.35, 434.36, 728.842, 728.83, 1.4877], [737.0, 449.0, 816.0, 688.0, 1.0756], [566.69, 430.92, 678.83, 769.33, 0.68655]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [634.0, 440.0, 734.0, 738.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 789.0, 1.0], [732.0, 454.0, 815.0, 681.0, 1.0], [521.0, 448.0, 615.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [460.0, 468.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [731.0, 447.0, 795.0, 651.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [695.0, 455.0, 733.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1007.0, 451.0, 1031.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [763.0, 449.0, 795.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 91, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.6029], [631.35, 434.36, 728.842, 728.83, 1.4877], [737.0, 449.0, 816.0, 688.0, 1.0756], [566.69, 430.92, 678.83, 769.33, 0.68655]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [634.0, 440.0, 734.0, 738.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 971.0, 549.0, 1.0], [550.0, 444.0, 661.0, 789.0, 1.0], [732.0, 454.0, 815.0, 681.0, 1.0], [521.0, 448.0, 615.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [515.0, 466.0, 550.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [460.0, 468.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [731.0, 447.0, 795.0, 651.0, 1.0], [1063.0, 454.0, 1095.0, 531.0, 1.0], [695.0, 455.0, 733.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 804.0, 574.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1007.0, 451.0, 1031.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [763.0, 449.0, 795.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 92, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[566.25612946886, 431.1959593822491, 678.8649252392203, 771.0011008866272, 8.0], [741.2970654586204, 449.2917953215771, 818.8057092233569, 683.8226681784465, 7.0], [513.1436292497449, 453.6684485060258, 610.9072373848169, 748.9531901670374, 5.0], [631.6983290151913, 434.2904376359309, 729.2260023113283, 728.8681462046688, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[507.69, 444.35, 612.25, 760.03, 2.0165], [631.35, 434.36, 728.842, 728.83, 1.7404], [737.0, 449.0, 816.0, 688.0, 1.1077], [566.69, 430.92, 678.83, 769.33, 0.77254]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [636.0, 440.0, 737.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 662.0, 790.0, 1.0], [735.0, 454.0, 817.0, 682.0, 1.0], [522.0, 448.0, 616.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [514.0, 467.0, 549.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [459.0, 469.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [734.0, 447.0, 798.0, 651.0, 1.0], [1064.0, 454.0, 1096.0, 531.0, 1.0], [696.0, 455.0, 734.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [764.0, 449.0, 796.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 92, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[507.69, 444.35, 612.25, 760.03, 2.0165], [631.35, 434.36, 728.842, 728.83, 1.7404], [737.0, 449.0, 816.0, 688.0, 1.1077], [566.69, 430.92, 678.83, 769.33, 0.77254]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [636.0, 440.0, 737.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [760.0, 472.0, 801.0, 564.0, 0.0], [1260.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 662.0, 790.0, 1.0], [735.0, 454.0, 817.0, 682.0, 1.0], [522.0, 448.0, 616.0, 746.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [514.0, 467.0, 549.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [459.0, 469.0, 501.0, 568.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [428.0, 457.0, 463.0, 540.0, 1.0], [588.0, 455.0, 629.0, 590.0, 1.0], [734.0, 447.0, 798.0, 651.0, 1.0], [1064.0, 454.0, 1096.0, 531.0, 1.0], [696.0, 455.0, 734.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [764.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 529.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [581.0, 423.0, 601.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [764.0, 449.0, 796.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 93, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[566.935760386653, 430.6858864125554, 678.8322607995086, 768.3536413568017, 8.0], [739.5860327681679, 449.19188281922635, 818.1130297535204, 686.7774203945943, 7.0], [509.6547609293791, 447.8743464144965, 611.6768243537874, 755.9413726447807, 5.0], [631.6637479398794, 434.2949016220425, 729.1894837081038, 728.8667832840661, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7097], [631.35, 434.36, 728.842, 728.83, 1.5115], [558.78, 437.53, 679.04, 800.3, 0.89579], [738.38, 446.86, 823.122, 703.09, 0.83856]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [638.0, 440.0, 738.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 801.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 663.0, 792.0, 1.0], [738.0, 454.0, 820.0, 683.0, 1.0], [522.0, 448.0, 616.0, 747.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [513.0, 467.0, 548.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [458.0, 470.0, 502.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 540.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [738.0, 447.0, 801.0, 652.0, 1.0], [1065.0, 454.0, 1097.0, 531.0, 1.0], [698.0, 455.0, 736.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 528.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [765.0, 449.0, 797.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 93, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[513.16, 454.06, 610.6519999999999, 748.53, 1.7097], [631.35, 434.36, 728.842, 728.83, 1.5115], [558.78, 437.53, 679.04, 800.3, 0.89579], [738.38, 446.86, 823.122, 703.09, 0.83856]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [638.0, 440.0, 738.0, 739.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 801.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 663.0, 792.0, 1.0], [738.0, 454.0, 820.0, 683.0, 1.0], [522.0, 448.0, 616.0, 747.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [513.0, 467.0, 548.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [458.0, 470.0, 502.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 540.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [738.0, 447.0, 801.0, 652.0, 1.0], [1065.0, 454.0, 1097.0, 531.0, 1.0], [698.0, 455.0, 736.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 590.0, 528.0, 1.0], [609.0, 456.0, 632.0, 530.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [986.0, 473.0, 1007.0, 516.0, 1.0], [765.0, 449.0, 797.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 94, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[561.8026861971326, 434.9511051831621, 678.9732593076595, 788.4523451973462, 8.0], [739.739559435862, 447.7211547579782, 822.4597475998992, 697.8972408632574, 7.0], [511.81342538688347, 451.73747166963255, 611.0208744929739, 751.3570245645375, 5.0], [631.632443425926, 434.2978043204386, 729.1571624901238, 728.8666247412561, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[507.69, 444.35, 612.25, 760.03, 1.7033], [747.43, 463.78, 821.073, 686.71, 1.5848], [631.35, 434.36, 728.842, 728.83, 1.0706], [558.78, 437.53, 679.04, 800.3, 0.69636]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [640.0, 440.0, 739.0, 740.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 664.0, 793.0, 1.0], [740.0, 454.0, 822.0, 684.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [512.0, 467.0, 547.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [457.0, 469.0, 500.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 541.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [735.0, 447.0, 805.0, 652.0, 1.0], [1066.0, 454.0, 1098.0, 531.0, 1.0], [700.0, 455.0, 738.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 798.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 94, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[507.69, 444.35, 612.25, 760.03, 1.7033], [747.43, 463.78, 821.073, 686.71, 1.5848], [631.35, 434.36, 728.842, 728.83, 1.0706], [558.78, 437.53, 679.04, 800.3, 0.69636]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [640.0, 440.0, 739.0, 740.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [707.0, 486.0, 751.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1259.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 550.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [929.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 664.0, 793.0, 1.0], [740.0, 454.0, 822.0, 684.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [512.0, 467.0, 547.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [457.0, 469.0, 500.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [429.0, 457.0, 464.0, 541.0, 1.0], [588.0, 455.0, 630.0, 590.0, 1.0], [735.0, 447.0, 805.0, 652.0, 1.0], [1066.0, 454.0, 1098.0, 531.0, 1.0], [700.0, 455.0, 738.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [763.0, 504.0, 803.0, 575.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 518.0, 742.0, 585.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1006.0, 451.0, 1030.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 798.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 95, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[559.8936316708495, 436.6608799834094, 678.9947681409373, 795.9547739221816, 8.0], [745.5961653328383, 458.09204875368056, 822.7108691689072, 691.4487907701457, 7.0], [509.16583528089444, 447.1611543406581, 611.7191984136798, 756.8221753071103, 5.0], [631.6041311419887, 434.30002764270444, 729.1281908043023, 728.8668600629878, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.43, 463.78, 821.073, 686.71, 1.7475], [507.69, 444.35, 612.25, 760.03, 1.596], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4367], [566.69, 430.92, 678.83, 769.33, 0.8479]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [642.0, 440.0, 740.0, 741.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 665.0, 795.0, 1.0], [743.0, 454.0, 824.0, 685.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [456.0, 469.0, 499.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [732.0, 447.0, 809.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [702.0, 455.0, 740.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 504.0, 803.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 742.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 799.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 95, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.43, 463.78, 821.073, 686.71, 1.7475], [507.69, 444.35, 612.25, 760.03, 1.596], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4367], [566.69, 430.92, 678.83, 769.33, 0.8479]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [642.0, 440.0, 740.0, 741.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 564.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 972.0, 549.0, 1.0], [550.0, 444.0, 665.0, 795.0, 1.0], [743.0, 454.0, 824.0, 685.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [456.0, 469.0, 499.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [732.0, 447.0, 809.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [702.0, 455.0, 740.0, 581.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 504.0, 803.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 742.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [566.0, 454.0, 589.0, 528.0, 1.0], [609.0, 456.0, 632.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [766.0, 449.0, 799.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 96, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[564.3825923778026, 432.74616153591757, 678.9174954492142, 778.3381630693696, 8.0], [747.7528534408551, 462.1368815519842, 822.6392075948964, 688.8000449691878, 7.0], [508.1748962320816, 445.45251675674365, 611.978025612628, 758.8626260921593, 5.0], [633.6214539468243, 427.2713379098034, 735.6052977713003, 735.2252001437041, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.43, 463.78, 821.073, 686.71, 1.5863], [507.69, 444.35, 612.25, 760.03, 1.4837], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4303], [566.69, 430.92, 678.83, 769.33, 0.547]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [644.0, 440.0, 741.0, 742.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 565.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 666.0, 796.0, 1.0], [746.0, 454.0, 827.0, 687.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [455.0, 469.0, 498.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [730.0, 447.0, 813.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [704.0, 455.0, 742.0, 580.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 589.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [767.0, 449.0, 800.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 96, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.43, 463.78, 821.073, 686.71, 1.5863], [507.69, 444.35, 612.25, 760.03, 1.4837], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4303], [566.69, 430.92, 678.83, 769.33, 0.547]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [644.0, 440.0, 741.0, 742.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [759.0, 472.0, 800.0, 565.0, 0.0], [1258.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1095.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 666.0, 796.0, 1.0], [746.0, 454.0, 827.0, 687.0, 1.0], [523.0, 448.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [511.0, 467.0, 546.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [455.0, 469.0, 498.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 541.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [730.0, 447.0, 813.0, 652.0, 1.0], [1067.0, 454.0, 1099.0, 531.0, 1.0], [704.0, 455.0, 742.0, 580.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [762.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 589.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [985.0, 473.0, 1006.0, 516.0, 1.0], [767.0, 449.0, 800.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 97, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[566.0828482371136, 431.3590639648929, 678.8641673704443, 771.687397524454, 8.0], [748.4730779563889, 463.6476093936628, 822.5022010285112, 687.7348835281894, 7.0], [507.80491350883267, 444.8021121372823, 612.0814058764997, 759.6319979578585, 5.0], [634.3883718769769, 424.6660217963143, 738.0249303199209, 737.5780631952862, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[507.69, 444.35, 612.25, 760.03, 1.6444], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4468], [753.0, 449.0, 832.0, 688.0, 1.1116], [566.69, 430.92, 678.83, 769.33, 0.58267]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [646.0, 440.0, 743.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 667.0, 797.0, 1.0], [747.0, 454.0, 828.0, 688.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [510.0, 467.0, 545.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [454.0, 469.0, 497.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 542.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [733.0, 447.0, 817.0, 652.0, 1.0], [1068.0, 454.0, 1100.0, 531.0, 1.0], [706.0, 455.0, 744.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 588.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [768.0, 449.0, 801.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 97, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[507.69, 444.35, 612.25, 760.03, 1.6444], [634.36, 423.24, 738.9200000000001, 738.9200000000001, 1.4468], [753.0, 449.0, 832.0, 688.0, 1.1116], [566.69, 430.92, 678.83, 769.33, 0.58267]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [646.0, 440.0, 743.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 667.0, 797.0, 1.0], [747.0, 454.0, 828.0, 688.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [510.0, 467.0, 545.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [454.0, 469.0, 497.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [430.0, 458.0, 465.0, 542.0, 1.0], [588.0, 455.0, 630.0, 591.0, 1.0], [733.0, 447.0, 817.0, 652.0, 1.0], [1068.0, 454.0, 1100.0, 531.0, 1.0], [706.0, 455.0, 744.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 576.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 631.0, 533.0, 1.0], [565.0, 454.0, 588.0, 527.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1005.0, 451.0, 1029.0, 520.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [768.0, 449.0, 801.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 98, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[566.7075293489146, 430.8763072606338, 678.8377472839378, 769.2503296403278, 8.0], [752.3321422452283, 454.49087035603384, 829.5362972102533, 688.1079456828077, 7.0], [507.6701539343793, 444.55099041752186, 612.126810992448, 759.9212161624871, 5.0], [634.6549351454623, 423.68432972741846, 738.9152354703365, 738.4671944249295, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.2018], [507.69, 444.35, 612.25, 760.03, 1.6054], [755.53, 446.86, 840.2719999999999, 703.09, 1.0043], [558.78, 437.53, 679.04, 800.3, 0.69928]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [647.0, 439.0, 745.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 668.0, 799.0, 1.0], [749.0, 454.0, 830.0, 689.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [509.0, 467.0, 544.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 496.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [737.0, 447.0, 821.0, 652.0, 1.0], [1069.0, 454.0, 1101.0, 531.0, 1.0], [708.0, 455.0, 746.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 533.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [769.0, 449.0, 802.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 98, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.2018], [507.69, 444.35, 612.25, 760.03, 1.6054], [755.53, 446.86, 840.2719999999999, 703.09, 1.0043], [558.78, 437.53, 679.04, 800.3, 0.69928]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [647.0, 439.0, 745.0, 743.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 800.0, 565.0, 0.0], [1257.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 549.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [930.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 668.0, 799.0, 1.0], [749.0, 454.0, 830.0, 689.0, 1.0], [523.0, 449.0, 617.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [509.0, 467.0, 544.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 496.0, 569.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [737.0, 447.0, 821.0, 652.0, 1.0], [1069.0, 454.0, 1101.0, 531.0, 1.0], [708.0, 455.0, 746.0, 579.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [761.0, 505.0, 802.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 533.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [769.0, 449.0, 802.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 99, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[561.7180629969548, 435.1110621146283, 678.9526694486669, 788.8058826507652, 8.0], [755.3791372409185, 449.6423414289218, 837.5243226516595, 698.093146878723, 7.0], [507.62453399436407, 444.4519296186853, 612.1498493994386, 760.0280652286766, 5.0], [648.5196620250971, 423.313755086113, 753.0165464497633, 738.8061474548809, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[651.04, 434.36, 748.5319999999999, 728.83, 2.3712], [507.69, 444.35, 612.25, 760.03, 1.3453], [755.53, 446.86, 840.2719999999999, 703.09, 1.2741], [558.78, 437.53, 679.04, 800.3, 0.58833], [641.73, 363.15, 780.02, 780.01, 0.54565]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [648.0, 439.0, 748.0, 744.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 669.0, 800.0, 1.0], [750.0, 454.0, 832.0, 690.0, 1.0], [524.0, 450.0, 618.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 467.0, 543.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 495.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [741.0, 447.0, 825.0, 652.0, 1.0], [1070.0, 454.0, 1102.0, 531.0, 1.0], [710.0, 455.0, 748.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [770.0, 449.0, 802.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 99, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[651.04, 434.36, 748.5319999999999, 728.83, 2.3712], [507.69, 444.35, 612.25, 760.03, 1.3453], [755.53, 446.86, 840.2719999999999, 703.09, 1.2741], [558.78, 437.53, 679.04, 800.3, 0.58833], [641.73, 363.15, 780.02, 780.01, 0.54565]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [648.0, 439.0, 748.0, 744.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 486.0, 750.0, 577.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 472.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1004.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 435.0, 973.0, 549.0, 1.0], [550.0, 444.0, 669.0, 800.0, 1.0], [750.0, 454.0, 832.0, 690.0, 1.0], [524.0, 450.0, 618.0, 748.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 467.0, 543.0, 560.0, 1.0], [497.0, 456.0, 527.0, 560.0, 1.0], [453.0, 468.0, 495.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [431.0, 458.0, 466.0, 542.0, 1.0], [588.0, 455.0, 631.0, 591.0, 1.0], [741.0, 447.0, 825.0, 652.0, 1.0], [1070.0, 454.0, 1102.0, 531.0, 1.0], [710.0, 455.0, 748.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [984.0, 473.0, 1005.0, 516.0, 1.0], [770.0, 449.0, 802.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 100, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched_before_before": []}, "ret_ret": [[559.8486697606904, 436.8084214614282, 678.9679948012893, 796.1573377282859, 8.0], [756.4698788194173, 447.90386593898654, 840.4099335559679, 701.7374202284462, 7.0], [507.61242434543476, 444.41113951635316, 612.16387944415, 760.0656672020241, 5.0], [650.7048960844196, 430.0294747746477, 750.946344441539, 732.7543807549703, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[651.04, 434.36, 748.5319999999999, 728.83, 2.6408], [507.69, 444.35, 612.25, 760.03, 1.0535], [546.83, 442.87, 675.7900000000001, 831.75, 1.0148], [755.53, 446.86, 840.2719999999999, 703.09, 0.90748], [641.73, 363.15, 780.02, 780.01, 0.65889]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [650.0, 439.0, 751.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 473.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 444.0, 670.0, 802.0, 1.0], [752.0, 454.0, 834.0, 691.0, 1.0], [525.0, 450.0, 619.0, 749.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 468.0, 543.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [452.0, 468.0, 494.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 459.0, 467.0, 543.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [745.0, 447.0, 829.0, 652.0, 1.0], [1071.0, 454.0, 1103.0, 531.0, 1.0], [713.0, 455.0, 751.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [771.0, 449.0, 803.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 100, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 15}], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]], "unmatched_before_before": []}, "ret_dets": [[651.04, 434.36, 748.5319999999999, 728.83, 2.6408], [507.69, 444.35, 612.25, 760.03, 1.0535], [546.83, 442.87, 675.7900000000001, 831.75, 1.0148], [755.53, 446.86, 840.2719999999999, 703.09, 0.90748], [641.73, 363.15, 780.02, 780.01, 0.65889]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [650.0, 439.0, 751.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [758.0, 473.0, 799.0, 565.0, 0.0], [1256.0, 447.0, 1294.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 444.0, 670.0, 802.0, 1.0], [752.0, 454.0, 834.0, 691.0, 1.0], [525.0, 450.0, 619.0, 749.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [508.0, 468.0, 543.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [452.0, 468.0, 494.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 459.0, 467.0, 543.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [745.0, 447.0, 829.0, 652.0, 1.0], [1071.0, 454.0, 1103.0, 531.0, 1.0], [713.0, 455.0, 751.0, 578.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [760.0, 505.0, 801.0, 577.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [605.0, 461.0, 630.0, 532.0, 1.0], [565.0, 454.0, 588.0, 526.0, 1.0], [608.0, 456.0, 631.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 423.0, 602.0, 466.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1004.0, 452.0, 1028.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [771.0, 449.0, 803.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 101, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]]}, "ret_ret": [[551.3055516430222, 440.9996882056404, 676.8232125082438, 819.5570496337954, 8.0], [756.7888201543328, 447.246764846583, 841.3926927564892, 703.0700316032486, 7.0], [507.6126235491989, 444.39287347549146, 612.1739901587702, 760.0771239138127, 5.0], [651.5003670115541, 432.6685110559902, 750.0683068968342, 730.3696781659332, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6804], [755.53, 446.86, 840.2719999999999, 703.09, 1.2473], [507.69, 444.35, 612.25, 760.03, 0.68379], [546.83, 442.87, 675.7900000000001, 831.75, 0.66452]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [651.0, 439.0, 752.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 565.0, 0.0], [1255.0, 447.0, 1293.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 443.0, 671.0, 802.0, 1.0], [754.0, 454.0, 836.0, 692.0, 1.0], [526.0, 450.0, 621.0, 750.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [451.0, 468.0, 493.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 458.0, 467.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [749.0, 448.0, 833.0, 653.0, 1.0], [1072.0, 454.0, 1103.0, 531.0, 1.0], [715.0, 454.0, 752.0, 576.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 505.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [608.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [772.0, 449.0, 804.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 101, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 16}], "unmatched": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]], "unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.54565]]}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6804], [755.53, 446.86, 840.2719999999999, 703.09, 1.2473], [507.69, 444.35, 612.25, 760.03, 0.68379], [546.83, 442.87, 675.7900000000001, 831.75, 0.66452]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [651.0, 439.0, 752.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 565.0, 0.0], [1255.0, 447.0, 1293.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [931.0, 436.0, 974.0, 550.0, 1.0], [550.0, 443.0, 671.0, 802.0, 1.0], [754.0, 454.0, 836.0, 692.0, 1.0], [526.0, 450.0, 621.0, 750.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 561.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [451.0, 468.0, 493.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [432.0, 458.0, 467.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [749.0, 448.0, 833.0, 653.0, 1.0], [1072.0, 454.0, 1103.0, 531.0, 1.0], [715.0, 454.0, 752.0, 576.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 505.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [608.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 473.0, 1004.0, 516.0, 1.0], [772.0, 449.0, 804.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 102, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]]}, "ret_ret": [[548.1241036888534, 442.67568254865853, 675.982154396251, 828.2552184358482, 8.0], [756.818318877639, 446.9884543954191, 841.6648090222108, 703.5385770042266, 7.0], [507.61707234003416, 444.3834695886321, 612.1821552232764, 760.07886300736, 5.0], [654.7365515906993, 426.68580986947677, 757.0994952667702, 735.7770180829275, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6718], [755.53, 446.86, 840.2719999999999, 703.09, 0.92581], [507.69, 444.35, 612.25, 760.03, 0.53386], [566.69, 453.55, 678.83, 791.96, 0.47205]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [653.0, 439.0, 753.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 566.0, 0.0], [1254.0, 447.0, 1292.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [550.0, 442.0, 673.0, 802.0, 1.0], [755.0, 454.0, 837.0, 693.0, 1.0], [528.0, 450.0, 622.0, 751.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [450.0, 467.0, 492.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 468.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [750.0, 447.0, 834.0, 653.0, 1.0], [1073.0, 454.0, 1104.0, 531.0, 1.0], [717.0, 454.0, 754.0, 575.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 474.0, 1004.0, 517.0, 1.0], [773.0, 449.0, 805.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 102, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[641.73, 363.15, 780.02, 780.01, 0.65889]]}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.6718], [755.53, 446.86, 840.2719999999999, 703.09, 0.92581], [507.69, 444.35, 612.25, 760.03, 0.53386], [566.69, 453.55, 678.83, 791.96, 0.47205]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [653.0, 439.0, 753.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 799.0, 566.0, 0.0], [1254.0, 447.0, 1292.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 548.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [550.0, 442.0, 673.0, 802.0, 1.0], [755.0, 454.0, 837.0, 693.0, 1.0], [528.0, 450.0, 622.0, 751.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 542.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [450.0, 467.0, 492.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 468.0, 542.0, 1.0], [589.0, 455.0, 631.0, 591.0, 1.0], [750.0, 447.0, 834.0, 653.0, 1.0], [1073.0, 454.0, 1104.0, 531.0, 1.0], [717.0, 454.0, 754.0, 575.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 801.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [702.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [595.0, 423.0, 613.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [983.0, 474.0, 1004.0, 517.0, 1.0], [773.0, 449.0, 805.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 103, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[559.7213413058607, 449.519841479294, 677.9221653173886, 806.1267661985312, 8.0], [756.7460607338644, 446.88102802102765, 841.676762532295, 703.6831945159439, 7.0], [507.6227315607636, 444.3776885972143, 612.1891662478732, 760.0771339004968, 5.0], [655.9202102857206, 424.4580507877221, 759.6958876934599, 737.7872732563709, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.4752], [755.53, 446.86, 840.2719999999999, 703.09, 1.0385], [507.69, 444.35, 612.25, 760.03, 0.68763], [558.78, 437.53, 679.04, 800.3, 0.34753]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [655.0, 439.0, 754.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1253.0, 447.0, 1291.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [551.0, 442.0, 674.0, 802.0, 1.0], [756.0, 454.0, 838.0, 694.0, 1.0], [529.0, 450.0, 624.0, 752.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 541.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [449.0, 467.0, 491.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [751.0, 447.0, 835.0, 654.0, 1.0], [1074.0, 454.0, 1105.0, 531.0, 1.0], [719.0, 454.0, 756.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 800.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [982.0, 474.0, 1003.0, 517.0, 1.0], [774.0, 449.0, 806.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 103, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.4752], [755.53, 446.86, 840.2719999999999, 703.09, 1.0385], [507.69, 444.35, 612.25, 760.03, 0.68763], [558.78, 437.53, 679.04, 800.3, 0.34753]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [655.0, 439.0, 754.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1253.0, 447.0, 1291.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 974.0, 550.0, 1.0], [551.0, 442.0, 674.0, 802.0, 1.0], [756.0, 454.0, 838.0, 694.0, 1.0], [529.0, 450.0, 624.0, 752.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [507.0, 468.0, 541.0, 562.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [449.0, 467.0, 491.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [433.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [751.0, 447.0, 835.0, 654.0, 1.0], [1074.0, 454.0, 1105.0, 531.0, 1.0], [719.0, 454.0, 756.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [759.0, 506.0, 800.0, 578.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1003.0, 452.0, 1027.0, 521.0, 1.0], [982.0, 474.0, 1003.0, 517.0, 1.0], [774.0, 449.0, 806.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 104, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[559.1367302749886, 442.1399140998875, 678.6172431984583, 802.5772890319573, 8.0], [756.6434718870688, 446.83179448621024, 841.5989488021306, 703.7078843858357, 7.0], [507.6284781195005, 444.37350752671693, 612.195363065449, 760.0743009950548, 5.0], [656.3062689755046, 423.6169969051381, 760.6159397478615, 738.547821534154, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5065], [755.53, 446.86, 840.2719999999999, 703.09, 1.0318], [513.16, 454.06, 610.6519999999999, 748.53, 0.68502], [1256.0, 449.65, 1285.314, 539.593, 0.62417]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [657.0, 439.0, 755.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1252.0, 447.0, 1290.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [551.0, 441.0, 676.0, 802.0, 1.0], [757.0, 454.0, 839.0, 695.0, 1.0], [530.0, 450.0, 625.0, 753.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 541.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 490.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [752.0, 447.0, 836.0, 654.0, 1.0], [1075.0, 454.0, 1106.0, 531.0, 1.0], [721.0, 453.0, 758.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [981.0, 474.0, 1002.0, 517.0, 1.0], [775.0, 449.0, 807.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 104, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.4204631042226629, "age": 19}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5065], [755.53, 446.86, 840.2719999999999, 703.09, 1.0318], [513.16, 454.06, 610.6519999999999, 748.53, 0.68502], [1256.0, 449.65, 1285.314, 539.593, 0.62417]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [657.0, 439.0, 755.0, 745.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [757.0, 473.0, 798.0, 566.0, 0.0], [1252.0, 447.0, 1290.0, 546.0, 1.0], [1005.0, 443.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [551.0, 441.0, 676.0, 802.0, 1.0], [757.0, 454.0, 839.0, 695.0, 1.0], [530.0, 450.0, 625.0, 753.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 541.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 490.0, 570.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 469.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [752.0, 447.0, 836.0, 654.0, 1.0], [1075.0, 454.0, 1106.0, 531.0, 1.0], [721.0, 453.0, 758.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [582.0, 422.0, 602.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [981.0, 474.0, 1002.0, 517.0, 1.0], [775.0, 449.0, 807.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 105, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 1, "confidence": 1, "age": 20}], "unmatched": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched_before_before": []}, "ret_ret": [[559.1546791669299, 442.653312538848, 678.5962647503069, 802.97325519738, 8.0], [756.5370271853743, 446.80565265111625, 841.4953106326722, 703.689851029856, 7.0], [511.07283610567197, 450.3105556779367, 611.2903149918504, 752.9619975187197, 5.0], [656.3902783273677, 423.29903792852707, 760.9025808543965, 738.8375592148784, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5186], [755.53, 446.86, 840.2719999999999, 703.09, 0.96811], [1255.1, 442.87, 1286.59, 539.34, 0.58328], [558.78, 437.53, 679.04, 800.3, 0.48223], [498.8, 430.92, 610.94, 769.33, 0.47725]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [659.0, 440.0, 756.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1251.0, 447.0, 1289.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [552.0, 441.0, 678.0, 802.0, 1.0], [758.0, 454.0, 840.0, 696.0, 1.0], [532.0, 450.0, 627.0, 754.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 489.0, 571.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 470.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [753.0, 446.0, 837.0, 655.0, 1.0], [1076.0, 454.0, 1107.0, 531.0, 1.0], [723.0, 453.0, 761.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [775.0, 449.0, 808.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 105, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 1, "confidence": 1, "age": 20}], "unmatched": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]], "unmatched_before_before": []}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5186], [755.53, 446.86, 840.2719999999999, 703.09, 0.96811], [1255.1, 442.87, 1286.59, 539.34, 0.58328], [558.78, 437.53, 679.04, 800.3, 0.48223], [498.8, 430.92, 610.94, 769.33, 0.47725]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [659.0, 440.0, 756.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1251.0, 447.0, 1289.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [932.0, 436.0, 975.0, 550.0, 1.0], [552.0, 441.0, 678.0, 802.0, 1.0], [758.0, 454.0, 840.0, 696.0, 1.0], [532.0, 450.0, 627.0, 754.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 563.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [448.0, 467.0, 489.0, 571.0, 1.0], [373.0, 446.0, 415.0, 550.0, 0.0], [434.0, 458.0, 470.0, 542.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [753.0, 446.0, 837.0, 655.0, 1.0], [1076.0, 454.0, 1107.0, 531.0, 1.0], [723.0, 453.0, 761.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [758.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [564.0, 454.0, 587.0, 525.0, 1.0], [607.0, 456.0, 630.0, 529.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [775.0, 449.0, 808.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 106, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}], "unmatched": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched_before_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]]}, "ret_ret": [[558.8761181376071, 438.83573839038075, 678.9274280918962, 800.9814176469476, 8.0], [756.4360109021188, 446.7891943362837, 841.3893075046401, 703.6581700506275, 7.0], [503.177332666453, 437.9670629802496, 610.9636977955321, 763.3294759970898, 5.0], [656.3640307621241, 423.17985282148527, 760.9530163105659, 738.948329464885, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7411], [755.53, 446.86, 840.2719999999999, 703.09, 1.0117], [498.8, 430.92, 610.94, 769.33, 0.61093]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [660.0, 440.0, 757.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1250.0, 447.0, 1288.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 440.0, 679.0, 802.0, 1.0], [760.0, 455.0, 841.0, 697.0, 1.0], [533.0, 450.0, 628.0, 755.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 564.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [447.0, 466.0, 488.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [755.0, 446.0, 839.0, 656.0, 1.0], [1077.0, 454.0, 1107.0, 531.0, 1.0], [726.0, 453.0, 763.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [607.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [776.0, 449.0, 809.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 106, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 1, "age": 21}], "unmatched": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]], "unmatched_before_before": [[1256.0, 449.65, 1285.314, 539.593, 0.62417]]}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7411], [755.53, 446.86, 840.2719999999999, 703.09, 1.0117], [498.8, 430.92, 610.94, 769.33, 0.61093]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [660.0, 440.0, 757.0, 746.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 566.0, 0.0], [1250.0, 447.0, 1288.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 439.0, 1133.0, 547.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 440.0, 679.0, 802.0, 1.0], [760.0, 455.0, 841.0, 697.0, 1.0], [533.0, 450.0, 628.0, 755.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [506.0, 468.0, 540.0, 564.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [447.0, 466.0, 488.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [755.0, 446.0, 839.0, 656.0, 1.0], [1077.0, 454.0, 1107.0, 531.0, 1.0], [726.0, 453.0, 763.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 506.0, 800.0, 579.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 630.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [607.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1002.0, 453.0, 1026.0, 522.0, 1.0], [980.0, 474.0, 1001.0, 517.0, 1.0], [776.0, 449.0, 809.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 107, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 1, "confidence": 1, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]]}, "ret_ret": [[558.8713661020645, 438.9695232448403, 678.9341773959318, 801.1498973367698, 8.0], [756.343216091947, 446.777236529191, 841.2890614534009, 703.6236272343433, 7.0], [500.2434011976409, 433.46349150167225, 610.7850904321087, 767.0856712749185, 5.0], [656.3009599263079, 423.1363436766891, 760.9186190286206, 738.990792788859, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7548], [755.53, 446.86, 840.2719999999999, 703.09, 1.0031], [528.8, 444.35, 633.3599999999999, 760.03, 0.55533], [1254.6, 439.76, 1288.422, 543.23, 0.51318]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [661.0, 440.0, 758.0, 747.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 567.0, 0.0], [1249.0, 447.0, 1287.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 439.0, 681.0, 802.0, 1.0], [760.0, 454.0, 841.0, 697.0, 1.0], [534.0, 450.0, 630.0, 756.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 487.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [756.0, 446.0, 840.0, 656.0, 1.0], [1078.0, 454.0, 1108.0, 531.0, 1.0], [728.0, 453.0, 766.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [979.0, 474.0, 1000.0, 517.0, 1.0], [777.0, 449.0, 809.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 107, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 1, "confidence": 1, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1255.1, 442.87, 1286.59, 539.34, 0.58328]]}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.7548], [755.53, 446.86, 840.2719999999999, 703.09, 1.0031], [528.8, 444.35, 633.3599999999999, 760.03, 0.55533], [1254.6, 439.76, 1288.422, 543.23, 0.51318]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [661.0, 440.0, 758.0, 747.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1053.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 798.0, 567.0, 0.0], [1249.0, 447.0, 1287.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 547.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 975.0, 550.0, 1.0], [552.0, 439.0, 681.0, 802.0, 1.0], [760.0, 454.0, 841.0, 697.0, 1.0], [534.0, 450.0, 630.0, 756.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 487.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [435.0, 458.0, 471.0, 541.0, 1.0], [589.0, 455.0, 632.0, 591.0, 1.0], [756.0, 446.0, 840.0, 656.0, 1.0], [1078.0, 454.0, 1108.0, 531.0, 1.0], [728.0, 453.0, 766.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [757.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [979.0, 474.0, 1000.0, 517.0, 1.0], [777.0, 449.0, 809.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 108, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 2, "confidence": 1, "age": 23}], "unmatched": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched_before_before": []}, "ret_ret": [[558.8694896079871, 439.1119824312798, 678.938051158502, 801.3097026946118, 8.0], [756.2590436454204, 446.7677276910808, 841.1969438305589, 703.5900739419376, 7.0], [518.6069516190128, 440.1525925202026, 625.4944847040222, 762.8163777739145, 5.0], [656.2288084917744, 423.1216068804712, 760.856826415917, 739.0071026111824, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5249], [1248.6, 442.87, 1280.09, 539.34, 1.0996], [755.53, 446.86, 840.2719999999999, 703.09, 1.0264], [558.78, 437.53, 679.04, 800.3, 0.64547], [498.8, 430.92, 610.94, 769.33, 0.42254]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [663.0, 440.0, 760.0, 748.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 797.0, 567.0, 0.0], [1248.0, 447.0, 1286.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 439.0, 682.0, 802.0, 1.0], [761.0, 454.0, 842.0, 698.0, 1.0], [536.0, 450.0, 632.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 486.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 472.0, 541.0, 1.0], [590.0, 455.0, 632.0, 591.0, 1.0], [757.0, 445.0, 841.0, 657.0, 1.0], [1079.0, 454.0, 1109.0, 531.0, 1.0], [730.0, 453.0, 768.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [978.0, 474.0, 999.0, 517.0, 1.0], [778.0, 449.0, 810.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 108, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 2, "confidence": 1, "age": 23}], "unmatched": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]], "unmatched_before_before": []}, "ret_dets": [[655.48, 423.24, 760.04, 738.9200000000001, 2.5249], [1248.6, 442.87, 1280.09, 539.34, 1.0996], [755.53, 446.86, 840.2719999999999, 703.09, 1.0264], [558.78, 437.53, 679.04, 800.3, 0.64547], [498.8, 430.92, 610.94, 769.33, 0.42254]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [663.0, 440.0, 760.0, 748.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [756.0, 473.0, 797.0, 567.0, 0.0], [1248.0, 447.0, 1286.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 439.0, 682.0, 802.0, 1.0], [761.0, 454.0, 842.0, 698.0, 1.0], [536.0, 450.0, 632.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 539.0, 565.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [446.0, 466.0, 486.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 472.0, 541.0, 1.0], [590.0, 455.0, 632.0, 591.0, 1.0], [757.0, 445.0, 841.0, 657.0, 1.0], [1079.0, 454.0, 1109.0, 531.0, 1.0], [730.0, 453.0, 768.0, 574.0, 1.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [978.0, 474.0, 999.0, 517.0, 1.0], [778.0, 449.0, 810.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 109, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}], "unmatched": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched_before_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]]}, "ret_ret": [[558.7965127658738, 437.8122868594487, 679.0218205711919, 800.4787392136434, 8.0], [756.1830615290326, 446.75981440584246, 841.1132221688529, 703.5587509598329, 7.0], [506.1033427436088, 434.28904140869884, 616.310061553305, 766.9059956599714, 5.0], [656.1577650102656, 423.11774971040893, 760.789158280787, 739.0133489472661, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[657.2, 408.29, 769.34, 746.7, 2.4327], [755.53, 446.86, 840.2719999999999, 703.09, 0.78959], [521.43, 430.92, 633.5699999999999, 769.33, 0.4833], [1255.1, 449.36, 1286.59, 545.83, 0.32619]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [664.0, 440.0, 761.0, 749.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1247.0, 447.0, 1285.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 438.0, 684.0, 802.0, 1.0], [762.0, 454.0, 843.0, 699.0, 1.0], [537.0, 450.0, 634.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 538.0, 566.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 473.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [758.0, 445.0, 842.0, 657.0, 1.0], [1080.0, 454.0, 1110.0, 531.0, 1.0], [733.0, 453.0, 771.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [779.0, 449.0, 811.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 109, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 1, "age": 24}], "unmatched": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]], "unmatched_before_before": [[1254.6, 439.76, 1288.422, 543.23, 0.51318]]}, "ret_dets": [[657.2, 408.29, 769.34, 746.7, 2.4327], [755.53, 446.86, 840.2719999999999, 703.09, 0.78959], [521.43, 430.92, 633.5699999999999, 769.33, 0.4833], [1255.1, 449.36, 1286.59, 545.83, 0.32619]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [664.0, 440.0, 761.0, 749.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 597.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1247.0, 447.0, 1285.0, 546.0, 1.0], [1005.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [933.0, 436.0, 976.0, 550.0, 1.0], [553.0, 438.0, 684.0, 802.0, 1.0], [762.0, 454.0, 843.0, 699.0, 1.0], [537.0, 450.0, 634.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [505.0, 468.0, 538.0, 566.0, 1.0], [497.0, 456.0, 528.0, 560.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [436.0, 458.0, 473.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [758.0, 445.0, 842.0, 657.0, 1.0], [1080.0, 454.0, 1110.0, 531.0, 1.0], [733.0, 453.0, 771.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [756.0, 507.0, 799.0, 580.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 453.0, 1025.0, 522.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [779.0, 449.0, 811.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 110, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 1, "confidence": 1, "age": 25}], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched_before_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]]}, "ret_ret": [[558.793142117556, 437.8464453786099, 679.0279308441009, 800.5414974688262, 8.0], [756.1145901854233, 446.7531059824132, 841.0374395464852, 703.5299327326754, 7.0], [516.1230278163788, 432.09285345124573, 627.5711815364424, 768.4309137726173, 5.0], [657.299811537813, 413.6098948369513, 766.7107029013916, 743.8419038085267, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[657.2, 408.29, 769.34, 746.7, 2.7505], [755.53, 446.86, 840.2719999999999, 703.09, 1.0529], [521.43, 430.92, 633.5699999999999, 769.33, 0.61308], [1248.6, 449.36, 1280.09, 545.83, 0.48608], [572.83, 442.87, 701.7900000000001, 831.75, 0.39517]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [666.0, 440.0, 763.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1246.0, 447.0, 1284.0, 546.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 803.0, 1.0], [763.0, 454.0, 844.0, 700.0, 1.0], [539.0, 450.0, 636.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 538.0, 566.0, 1.0], [498.0, 456.0, 529.0, 561.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [759.0, 445.0, 843.0, 658.0, 1.0], [1081.0, 454.0, 1111.0, 532.0, 1.0], [735.0, 453.0, 773.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 799.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [532.0, 456.0, 561.0, 527.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 454.0, 1025.0, 523.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [780.0, 449.0, 812.0, 545.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 110, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 1, "confidence": 1, "age": 25}], "unmatched": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]], "unmatched_before_before": [[1248.6, 442.87, 1280.09, 539.34, 1.0996]]}, "ret_dets": [[657.2, 408.29, 769.34, 746.7, 2.7505], [755.53, 446.86, 840.2719999999999, 703.09, 1.0529], [521.43, 430.92, 633.5699999999999, 769.33, 0.61308], [1248.6, 449.36, 1280.09, 545.83, 0.48608], [572.83, 442.87, 701.7900000000001, 831.75, 0.39517]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [666.0, 440.0, 763.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 730.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1246.0, 447.0, 1284.0, 546.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 803.0, 1.0], [763.0, 454.0, 844.0, 700.0, 1.0], [539.0, 450.0, 636.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 538.0, 566.0, 1.0], [498.0, 456.0, 529.0, 561.0, 1.0], [445.0, 466.0, 485.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [759.0, 445.0, 843.0, 658.0, 1.0], [1081.0, 454.0, 1111.0, 532.0, 1.0], [735.0, 453.0, 773.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 722.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 799.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [604.0, 461.0, 629.0, 532.0, 1.0], [563.0, 454.0, 586.0, 525.0, 1.0], [606.0, 456.0, 629.0, 528.0, 1.0], [532.0, 456.0, 561.0, 527.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1001.0, 454.0, 1025.0, 523.0, 1.0], [977.0, 474.0, 998.0, 517.0, 1.0], [780.0, 449.0, 812.0, 545.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 111, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}], "unmatched": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]]}, "ret_ret": [[569.8478912618602, 442.0124085008891, 696.7537786269577, 824.7333114573098, 8.0], [756.0529162477817, 446.747394071336, 840.9689296733129, 703.5035501851339, 7.0], [519.913517476373, 431.2640409982606, 631.831670085636, 769.010651651494, 5.0], [657.7143785060705, 410.07075001496867, 768.8963867611442, 745.6121934887691, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.79, 413.27, 776.05, 776.04, 2.5705], [755.53, 446.86, 840.2719999999999, 703.09, 1.0607], [566.69, 453.55, 678.83, 791.96, 0.77268], [507.69, 444.35, 612.25, 760.03, 0.31299]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [667.0, 440.0, 764.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1245.0, 446.0, 1283.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 805.0, 1.0], [764.0, 454.0, 844.0, 699.0, 1.0], [540.0, 450.0, 638.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 537.0, 567.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [444.0, 466.0, 484.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [761.0, 445.0, 845.0, 659.0, 1.0], [1082.0, 453.0, 1112.0, 532.0, 1.0], [738.0, 453.0, 776.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [606.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1000.0, 454.0, 1024.0, 523.0, 1.0], [976.0, 474.0, 997.0, 517.0, 1.0], [781.0, 449.0, 813.0, 545.0, 1.0], [554.0, 456.0, 575.0, 512.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 111, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 1, "age": 26}], "unmatched": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]], "unmatched_before_before": [[1255.1, 449.36, 1286.59, 545.83, 0.32619]]}, "ret_dets": [[655.79, 413.27, 776.05, 776.04, 2.5705], [755.53, 446.86, 840.2719999999999, 703.09, 1.0607], [566.69, 453.55, 678.83, 791.96, 0.77268], [507.69, 444.35, 612.25, 760.03, 0.31299]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [667.0, 440.0, 764.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 797.0, 567.0, 0.0], [1245.0, 446.0, 1283.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 546.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 976.0, 550.0, 1.0], [554.0, 438.0, 686.0, 805.0, 1.0], [764.0, 454.0, 844.0, 699.0, 1.0], [540.0, 450.0, 638.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 468.0, 537.0, 567.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [444.0, 466.0, 484.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [437.0, 458.0, 474.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [761.0, 445.0, 845.0, 659.0, 1.0], [1082.0, 453.0, 1112.0, 532.0, 1.0], [738.0, 453.0, 776.0, 574.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [755.0, 507.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [606.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [1000.0, 454.0, 1024.0, 523.0, 1.0], [976.0, 474.0, 997.0, 517.0, 1.0], [781.0, 449.0, 813.0, 545.0, 1.0], [554.0, 456.0, 575.0, 512.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 112, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]]}, "ret_ret": [[567.8422445084084, 449.25812176824894, 685.4536165401519, 804.0950250686246, 8.0], [755.9973655740529, 446.74254533176133, 840.9070037721275, 703.4794245526053, 7.0], [512.2027779206591, 439.2936609288963, 619.634721962853, 763.5899300461472, 5.0], [656.9923424965003, 412.2424789738242, 773.9773739572712, 765.195913652566, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[655.79, 413.27, 776.05, 776.04, 2.4688], [1247.5, 441.39, 1283.821, 552.35, 0.7482], [566.69, 453.55, 678.83, 791.96, 0.74539], [755.53, 446.86, 840.2719999999999, 703.09, 0.36554]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [669.0, 440.0, 766.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 796.0, 568.0, 0.0], [1244.0, 446.0, 1282.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 977.0, 550.0, 1.0], [555.0, 439.0, 687.0, 807.0, 1.0], [766.0, 454.0, 845.0, 699.0, 1.0], [542.0, 451.0, 640.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 469.0, 537.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 466.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [767.0, 443.0, 849.0, 659.0, 1.0], [1084.0, 453.0, 1114.0, 532.0, 1.0], [740.0, 453.0, 778.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [999.0, 454.0, 1023.0, 523.0, 1.0], [975.0, 474.0, 996.0, 517.0, 1.0], [782.0, 449.0, 814.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 112, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 1, "age": 27}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1248.6, 449.36, 1280.09, 545.83, 0.48608]]}, "ret_dets": [[655.79, 413.27, 776.05, 776.04, 2.4688], [1247.5, 441.39, 1283.821, 552.35, 0.7482], [566.69, 453.55, 678.83, 791.96, 0.74539], [755.53, 446.86, 840.2719999999999, 703.09, 0.36554]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [669.0, 440.0, 766.0, 750.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [706.0, 487.0, 750.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [755.0, 473.0, 796.0, 568.0, 0.0], [1244.0, 446.0, 1282.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1094.0, 438.0, 1132.0, 546.0, 1.0], [934.0, 436.0, 977.0, 550.0, 1.0], [555.0, 439.0, 687.0, 807.0, 1.0], [766.0, 454.0, 845.0, 699.0, 1.0], [542.0, 451.0, 640.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [504.0, 469.0, 537.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 466.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [767.0, 443.0, 849.0, 659.0, 1.0], [1084.0, 453.0, 1114.0, 532.0, 1.0], [740.0, 453.0, 778.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 581.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [999.0, 454.0, 1023.0, 523.0, 1.0], [975.0, 474.0, 996.0, 517.0, 1.0], [782.0, 449.0, 814.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 113, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "unmatched": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched_before_before": []}, "ret_ret": [[567.2201761800861, 452.1059743400655, 681.350337174991, 796.4907160239665, 8.0], [755.9473239307355, 446.73846000488055, 840.8510138111172, 703.4573534343835, 7.0], [512.4092704634584, 439.2471286451614, 619.8876872228893, 763.6836812595609, 5.0], [656.7035655015172, 413.1561506711904, 775.8300828112731, 772.5312662861644, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4243], [572.83, 442.87, 701.7900000000001, 831.75, 0.74934], [1248.6, 449.36, 1280.09, 545.83, 0.52231], [755.53, 446.86, 840.2719999999999, 703.09, 0.38368], [770.33, 363.04, 882.47, 701.45, 0.37403]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [670.0, 440.0, 768.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 687.0, 809.0, 1.0], [768.0, 454.0, 846.0, 699.0, 1.0], [543.0, 450.0, 643.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [502.0, 469.0, 535.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 467.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [773.0, 442.0, 854.0, 660.0, 1.0], [1086.0, 453.0, 1116.0, 532.0, 1.0], [743.0, 453.0, 780.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1022.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [783.0, 449.0, 815.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 113, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 1, "age": 28}], "unmatched": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4243], [572.83, 442.87, 701.7900000000001, 831.75, 0.74934], [1248.6, 449.36, 1280.09, 545.83, 0.52231], [755.53, 446.86, 840.2719999999999, 703.09, 0.38368], [770.33, 363.04, 882.47, 701.45, 0.37403]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [670.0, 440.0, 768.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 687.0, 809.0, 1.0], [768.0, 454.0, 846.0, 699.0, 1.0], [543.0, 450.0, 643.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [502.0, 469.0, 535.0, 568.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [443.0, 467.0, 483.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [438.0, 458.0, 475.0, 541.0, 1.0], [590.0, 455.0, 633.0, 591.0, 1.0], [773.0, 442.0, 854.0, 660.0, 1.0], [1086.0, 453.0, 1116.0, 532.0, 1.0], [743.0, 453.0, 780.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [754.0, 508.0, 798.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 741.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 525.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1022.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [783.0, 449.0, 815.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 114, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "unmatched": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched_before_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]]}, "ret_ret": [[571.0740654071031, 446.44363070786403, 694.7094407581295, 819.3598465658968, 8.0], [755.9022388979502, 446.73505564355565, 840.8003699314497, 703.4371410101153, 7.0], [512.6273849524512, 439.2356786065077, 620.1290305367322, 763.7423502278934, 5.0], [669.7802199599481, 418.93128072467573, 780.1673453796342, 752.103880260301, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2099], [572.83, 442.87, 701.7900000000001, 831.75, 0.8444], [533.84, 559.83, 597.82, 753.77, 0.48714]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [672.0, 440.0, 770.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 688.0, 811.0, 1.0], [769.0, 454.0, 849.0, 699.0, 1.0], [545.0, 450.0, 647.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [501.0, 469.0, 534.0, 569.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 467.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [439.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [779.0, 441.0, 859.0, 661.0, 1.0], [1087.0, 453.0, 1118.0, 532.0, 1.0], [745.0, 453.0, 782.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1021.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [784.0, 449.0, 816.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 114, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 1, "age": 29}], "unmatched": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]], "unmatched_before_before": [[1247.5, 441.39, 1283.821, 552.35, 0.7482]]}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2099], [572.83, 442.87, 701.7900000000001, 831.75, 0.8444], [533.84, 559.83, 597.82, 753.77, 0.48714]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [672.0, 440.0, 770.0, 751.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1089.0, 484.0, 1123.0, 598.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1243.0, 446.0, 1281.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [556.0, 440.0, 688.0, 811.0, 1.0], [769.0, 454.0, 849.0, 699.0, 1.0], [545.0, 450.0, 647.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [501.0, 469.0, 534.0, 569.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 467.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [439.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [779.0, 441.0, 859.0, 661.0, 1.0], [1087.0, 453.0, 1118.0, 532.0, 1.0], [745.0, 453.0, 782.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [998.0, 454.0, 1021.0, 523.0, 1.0], [974.0, 474.0, 995.0, 517.0, 1.0], [784.0, 449.0, 816.0, 545.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 115, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]]}, "ret_ret": [[572.601355689149, 444.5374405609283, 699.6700747645096, 827.7506349482506, 8.0], [756.49951805262, 446.5325184212694, 841.6496522325269, 703.9965726605739, 7.0], [528.3980813883261, 533.9154432410048, 603.5189161646185, 761.4199327129074, 5.0], [674.7936484372115, 421.4167743741043, 781.6560223668712, 744.0108640977485, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[657.2, 430.92, 769.34, 769.33, 2.2339], [572.83, 442.87, 701.7900000000001, 831.75, 0.85423], [534.0, 460.48, 555.974, 528.402, 0.7366], [772.68, 446.86, 857.4219999999999, 703.09, 0.50803]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 440.0, 772.0, 752.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1242.0, 446.0, 1280.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [557.0, 441.0, 689.0, 813.0, 1.0], [770.0, 454.0, 853.0, 699.0, 1.0], [547.0, 449.0, 650.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [500.0, 469.0, 533.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 468.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [782.0, 441.0, 862.0, 661.0, 1.0], [1089.0, 453.0, 1120.0, 532.0, 1.0], [748.0, 453.0, 785.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [997.0, 454.0, 1020.0, 523.0, 1.0], [973.0, 474.0, 994.0, 517.0, 1.0], [784.0, 449.0, 816.0, 544.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 115, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 1, "confidence": 1, "age": 32}, {"time_since_observed": 0, "confidence": 1, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[770.33, 363.04, 882.47, 701.45, 0.37403], [1248.6, 449.36, 1280.09, 545.83, 0.52231]]}, "ret_dets": [[657.2, 430.92, 769.34, 769.33, 2.2339], [572.83, 442.87, 701.7900000000001, 831.75, 0.85423], [534.0, 460.48, 555.974, 528.402, 0.7366], [772.68, 446.86, 857.4219999999999, 703.09, 0.50803]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 440.0, 772.0, 752.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1242.0, 446.0, 1280.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 545.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 977.0, 550.0, 1.0], [557.0, 441.0, 689.0, 813.0, 1.0], [770.0, 454.0, 853.0, 699.0, 1.0], [547.0, 449.0, 650.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [500.0, 469.0, 533.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [442.0, 468.0, 482.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 476.0, 541.0, 1.0], [590.0, 455.0, 634.0, 591.0, 1.0], [782.0, 441.0, 862.0, 661.0, 1.0], [1089.0, 453.0, 1120.0, 532.0, 1.0], [748.0, 453.0, 785.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [696.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [753.0, 508.0, 797.0, 582.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [562.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 628.0, 528.0, 1.0], [532.0, 456.0, 560.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [997.0, 454.0, 1020.0, 523.0, 1.0], [973.0, 474.0, 994.0, 517.0, 1.0], [784.0, 449.0, 816.0, 544.0, 1.0], [553.0, 455.0, 574.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 116, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched_before_before": []}, "ret_ret": [[573.1546504148059, 443.80843421940733, 701.5058248426058, 830.8665460336373, 8.0], [769.1004164244374, 446.7578309445462, 853.9812337210825, 703.4075656317648, 7.0], [528.8294574341203, 538.5625263634104, 603.4386874375784, 764.5176136887355, 5.0], [664.0915737431947, 427.74154824068444, 774.3176772126264, 760.419470285076, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2983], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.0593], [572.83, 442.87, 701.7900000000001, 831.75, 1.03], [534.0, 460.48, 555.974, 528.402, 0.54386]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 439.0, 772.0, 753.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 689.0, 815.0, 1.0], [772.0, 454.0, 857.0, 699.0, 1.0], [549.0, 449.0, 654.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [440.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [786.0, 442.0, 865.0, 661.0, 1.0], [1091.0, 452.0, 1121.0, 532.0, 1.0], [751.0, 452.0, 788.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [561.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 627.0, 528.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [996.0, 454.0, 1020.0, 523.0, 1.0], [972.0, 474.0, 993.0, 517.0, 1.0], [785.0, 449.0, 817.0, 544.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 116, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 33}, {"time_since_observed": 0, "confidence": 1, "age": 31}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.2983], [772.93, 423.72, 863.8259999999999, 698.4100000000001, 1.0593], [572.83, 442.87, 701.7900000000001, 831.75, 1.03], [534.0, 460.48, 555.974, 528.402, 0.54386]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [674.0, 439.0, 772.0, 753.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [754.0, 473.0, 796.0, 568.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [935.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 689.0, 815.0, 1.0], [772.0, 454.0, 857.0, 699.0, 1.0], [549.0, 449.0, 654.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [440.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [440.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [786.0, 442.0, 865.0, 661.0, 1.0], [1091.0, 452.0, 1121.0, 532.0, 1.0], [751.0, 452.0, 788.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 629.0, 531.0, 1.0], [561.0, 454.0, 585.0, 526.0, 1.0], [605.0, 456.0, 627.0, 528.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [583.0, 422.0, 603.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [996.0, 454.0, 1020.0, 523.0, 1.0], [972.0, 474.0, 993.0, 517.0, 1.0], [785.0, 449.0, 817.0, 544.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 117, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]]}, "ret_ret": [[573.3264088178821, 443.4973606981673, 702.1601977210846, 832.0021492731112, 8.0], [772.2669292910215, 431.4858258842056, 861.1141720588547, 700.0373586889788, 7.0], [529.1335923313455, 542.8242579035123, 603.4856998591073, 768.0006462468673, 5.0], [672.5123988827646, 424.7475278753502, 779.309998062498, 747.1428640277538, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1185], [772.68, 446.86, 857.4219999999999, 703.09, 1.2157], [572.83, 442.87, 701.7900000000001, 831.75, 0.96479], [532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [675.0, 439.0, 773.0, 754.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 690.0, 817.0, 1.0], [773.0, 454.0, 861.0, 699.0, 1.0], [551.0, 448.0, 658.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [439.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [789.0, 442.0, 868.0, 662.0, 1.0], [1092.0, 452.0, 1123.0, 532.0, 1.0], [754.0, 452.0, 791.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1019.0, 523.0, 1.0], [971.0, 474.0, 992.0, 517.0, 1.0], [785.0, 449.0, 817.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 117, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 34}, {"time_since_observed": 0, "confidence": 1, "age": 32}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]], "unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.7366]]}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1185], [772.68, 446.86, 857.4219999999999, 703.09, 1.2157], [572.83, 442.87, 701.7900000000001, 831.75, 0.96479], [532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [675.0, 439.0, 773.0, 754.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1241.0, 446.0, 1279.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [558.0, 442.0, 690.0, 817.0, 1.0], [773.0, 454.0, 861.0, 699.0, 1.0], [551.0, 448.0, 658.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 570.0, 1.0], [498.0, 456.0, 529.0, 560.0, 1.0], [439.0, 468.0, 481.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 477.0, 541.0, 1.0], [591.0, 455.0, 634.0, 591.0, 1.0], [789.0, 442.0, 868.0, 662.0, 1.0], [1092.0, 452.0, 1123.0, 532.0, 1.0], [754.0, 452.0, 791.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [752.0, 508.0, 797.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1019.0, 523.0, 1.0], [971.0, 474.0, 992.0, 517.0, 1.0], [785.0, 449.0, 817.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 118, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "unmatched": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]]}, "ret_ret": [[573.3538310826794, 443.3439824200863, 702.3680229111206, 832.389455892418, 8.0], [773.1436823917708, 441.0115872313394, 859.5042871159313, 702.1019730071263, 7.0], [529.3736136189372, 546.8918204880729, 603.5968258902698, 771.6778477605403, 5.0], [675.6835954968211, 423.6466868926994, 781.1420957369963, 742.0241869850568, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.9918], [772.68, 446.86, 857.4219999999999, 703.09, 1.2894], [558.15, 418.86, 696.4399999999999, 835.72, 0.90277], [534.0, 460.48, 555.974, 528.402, 0.78249]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [676.0, 439.0, 774.0, 756.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1240.0, 446.0, 1278.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [559.0, 443.0, 690.0, 819.0, 1.0], [774.0, 454.0, 864.0, 699.0, 1.0], [553.0, 448.0, 661.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [438.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 634.0, 592.0, 1.0], [793.0, 443.0, 871.0, 662.0, 1.0], [1094.0, 452.0, 1125.0, 532.0, 1.0], [757.0, 452.0, 794.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1018.0, 524.0, 1.0], [971.0, 475.0, 992.0, 518.0, 1.0], [786.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 118, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 3, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 1, "age": 33}], "unmatched": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]], "unmatched_before_before": [[534.0, 460.48, 555.974, 528.402, 0.54386]]}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.9918], [772.68, 446.86, 857.4219999999999, 703.09, 1.2894], [558.15, 418.86, 696.4399999999999, 835.72, 0.90277], [534.0, 460.48, 555.974, 528.402, 0.78249]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [676.0, 439.0, 774.0, 756.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1240.0, 446.0, 1278.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [559.0, 443.0, 690.0, 819.0, 1.0], [774.0, 454.0, 864.0, 699.0, 1.0], [553.0, 448.0, 661.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [438.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [441.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 634.0, 592.0, 1.0], [793.0, 443.0, 871.0, 662.0, 1.0], [1094.0, 452.0, 1125.0, 532.0, 1.0], [757.0, 452.0, 794.0, 572.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 583.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [701.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [995.0, 454.0, 1018.0, 524.0, 1.0], [971.0, 475.0, 992.0, 518.0, 1.0], [786.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 119, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "unmatched_before_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]]}, "ret_ret": [[563.8145824810397, 427.78882367495163, 698.8415226863085, 834.8711920075368, 8.0], [773.4277595327209, 444.6470061497754, 858.8283121074768, 702.8555156526462, 7.0], [529.5814530985735, 550.8619200211256, 603.7401337293875, 775.4525123257213, 5.0], [676.8368682821938, 423.2389699977672, 781.7789513678777, 740.0667549957763, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4015], [534.0, 460.48, 555.974, 528.402, 1.1785], [572.83, 442.87, 701.7900000000001, 831.75, 0.94435], [772.68, 446.86, 857.4219999999999, 703.09, 0.82951]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 439.0, 774.0, 757.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [560.0, 444.0, 691.0, 821.0, 1.0], [776.0, 454.0, 868.0, 699.0, 1.0], [555.0, 447.0, 665.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [436.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [442.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [797.0, 444.0, 874.0, 663.0, 1.0], [1096.0, 452.0, 1127.0, 532.0, 1.0], [760.0, 452.0, 797.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [994.0, 454.0, 1017.0, 524.0, 1.0], [969.0, 475.0, 990.0, 518.0, 1.0], [787.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 119, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 4, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 1, "age": 34}], "unmatched": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "unmatched_before": [[534.0, 460.48, 555.974, 528.402, 0.78249]], "unmatched_before_before": [[532.85, 454.06, 556.4730000000001, 526.929, 0.42961]]}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.4015], [534.0, 460.48, 555.974, 528.402, 1.1785], [572.83, 442.87, 701.7900000000001, 831.75, 0.94435], [772.68, 446.86, 857.4219999999999, 703.09, 0.82951]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 439.0, 774.0, 757.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 473.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1006.0, 444.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [936.0, 436.0, 978.0, 550.0, 1.0], [560.0, 444.0, 691.0, 821.0, 1.0], [776.0, 454.0, 868.0, 699.0, 1.0], [555.0, 447.0, 665.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [436.0, 468.0, 480.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [442.0, 458.0, 478.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [797.0, 444.0, 874.0, 663.0, 1.0], [1096.0, 452.0, 1127.0, 532.0, 1.0], [760.0, 452.0, 797.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [751.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 527.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [994.0, 454.0, 1017.0, 524.0, 1.0], [969.0, 475.0, 990.0, 518.0, 1.0], [787.0, 449.0, 818.0, 543.0, 1.0], [552.0, 455.0, 573.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 120, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[534.0, 460.48, 555.9740000000002, 528.402, 9.0], [569.6627828530554, 437.2613852943341, 701.0659164679075, 833.4742716486812, 8.0], [773.4817965549435, 446.035174582694, 858.5124565269721, 703.133142970768, 7.0], [529.7731702016058, 554.7831927131383, 603.8995639451093, 779.2760037319422, 5.0], [677.2208706382866, 423.0925206402571, 781.9645745996417, 739.324945556428, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.427], [772.68, 446.86, 857.4219999999999, 703.09, 0.89581], [572.83, 442.87, 701.7900000000001, 831.75, 0.85301], [534.0, 460.48, 555.974, 528.402, 0.63865]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 438.0, 775.0, 758.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 474.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1007.0, 445.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [937.0, 437.0, 979.0, 551.0, 1.0], [561.0, 445.0, 692.0, 823.0, 1.0], [777.0, 454.0, 872.0, 699.0, 1.0], [557.0, 447.0, 669.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [435.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [799.0, 444.0, 877.0, 663.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [763.0, 452.0, 800.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [993.0, 454.0, 1016.0, 524.0, 1.0], [968.0, 475.0, 989.0, 518.0, 1.0], [787.0, 449.0, 819.0, 542.0, 1.0], [551.0, 455.0, 573.0, 511.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 120, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 5, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 0, "confidence": 1, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.427], [772.68, 446.86, 857.4219999999999, 703.09, 0.89581], [572.83, 442.87, 701.7900000000001, 831.75, 0.85301], [534.0, 460.48, 555.974, 528.402, 0.63865]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [677.0, 438.0, 775.0, 758.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [753.0, 474.0, 795.0, 569.0, 0.0], [1239.0, 446.0, 1277.0, 545.0, 1.0], [1007.0, 445.0, 1043.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [937.0, 437.0, 979.0, 551.0, 1.0], [561.0, 445.0, 692.0, 823.0, 1.0], [777.0, 454.0, 872.0, 699.0, 1.0], [557.0, 447.0, 669.0, 758.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [435.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [799.0, 444.0, 877.0, 663.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [763.0, 452.0, 800.0, 573.0, 1.0], [663.0, 462.0, 688.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [603.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 627.0, 527.0, 1.0], [532.0, 456.0, 559.0, 526.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [993.0, 454.0, 1016.0, 524.0, 1.0], [968.0, 475.0, 989.0, 518.0, 1.0], [787.0, 449.0, 819.0, 542.0, 1.0], [551.0, 455.0, 573.0, 511.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 121, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[534.0, 460.48, 555.9740000000002, 528.402, 9.0], [571.8842664413467, 440.89607655979313, 701.8747677392055, 832.870561483684, 8.0], [773.451907101804, 446.5613497901078, 858.3399350807069, 703.2310422562967, 7.0], [529.9568182202065, 558.6800280710938, 604.0670632452627, 783.1239324722203, 5.0], [677.3152954857478, 423.04535012099177, 781.9826745306252, 739.0487011498401, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1334], [583.04, 461.78, 703.3, 824.55, 1.0448], [772.68, 446.86, 857.4219999999999, 703.09, 0.7409], [549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [678.0, 438.0, 776.0, 760.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1237.0, 446.0, 1275.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [938.0, 437.0, 980.0, 551.0, 1.0], [562.0, 443.0, 694.0, 824.0, 1.0], [779.0, 454.0, 876.0, 699.0, 1.0], [559.0, 447.0, 671.0, 762.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 572.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [434.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [802.0, 444.0, 881.0, 664.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [766.0, 452.0, 803.0, 573.0, 1.0], [575.0, 455.0, 595.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1016.0, 524.0, 1.0], [967.0, 475.0, 988.0, 518.0, 1.0], [788.0, 449.0, 820.0, 542.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 121, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 6, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 0, "confidence": 1, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.1334], [583.04, 461.78, 703.3, 824.55, 1.0448], [772.68, 446.86, 857.4219999999999, 703.09, 0.7409], [549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [678.0, 438.0, 776.0, 760.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1237.0, 446.0, 1275.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [938.0, 437.0, 980.0, 551.0, 1.0], [562.0, 443.0, 694.0, 824.0, 1.0], [779.0, 454.0, 876.0, 699.0, 1.0], [559.0, 447.0, 671.0, 762.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [499.0, 468.0, 532.0, 572.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [434.0, 468.0, 479.0, 570.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [802.0, 444.0, 881.0, 664.0, 1.0], [1098.0, 452.0, 1129.0, 532.0, 1.0], [766.0, 452.0, 803.0, 573.0, 1.0], [575.0, 455.0, 595.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [750.0, 509.0, 796.0, 584.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [604.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1004.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1016.0, 524.0, 1.0], [967.0, 475.0, 988.0, 518.0, 1.0], [788.0, 449.0, 820.0, 542.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 122, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 2}], "unmatched": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched_before_before": []}, "ret_ret": [[579.2259056541666, 454.1635948841848, 703.2891627701881, 828.3523221773036, 8.0], [773.3946883027261, 446.75758686962547, 858.2272275904863, 703.2606416458974, 7.0], [530.1364297190473, 562.5646387730006, 604.238599065176, 786.9840858685471, 5.0], [677.3037374385613, 423.0356194481227, 781.941503304027, 738.9500837605541, 2.0]], "ret_unmatched_trks_pos": [[534.0, 460.48, 555.9740000000002, 528.402, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.0445], [772.68, 446.86, 857.4219999999999, 703.09, 0.97225], [572.83, 442.87, 701.7900000000001, 831.75, 0.52897]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [679.0, 438.0, 776.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1236.0, 446.0, 1274.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [939.0, 437.0, 981.0, 551.0, 1.0], [564.0, 442.0, 696.0, 825.0, 1.0], [780.0, 454.0, 877.0, 700.0, 1.0], [561.0, 447.0, 673.0, 767.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [498.0, 467.0, 531.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [433.0, 468.0, 479.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [805.0, 444.0, 885.0, 664.0, 1.0], [1099.0, 452.0, 1130.0, 533.0, 1.0], [769.0, 452.0, 806.0, 574.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 509.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1015.0, 524.0, 1.0], [966.0, 475.0, 987.0, 518.0, 1.0], [788.0, 449.0, 820.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 122, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 7, "confidence": 0.9654679734453167, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 1, "age": 37}, {"time_since_observed": 1, "confidence": 0.012010821403690546, "age": 2}], "unmatched": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 2.0445], [772.68, 446.86, 857.4219999999999, 703.09, 0.97225], [572.83, 442.87, 701.7900000000001, 831.75, 0.52897]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [679.0, 438.0, 776.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 569.0, 0.0], [1236.0, 446.0, 1274.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [939.0, 437.0, 981.0, 551.0, 1.0], [564.0, 442.0, 696.0, 825.0, 1.0], [780.0, 454.0, 877.0, 700.0, 1.0], [561.0, 447.0, 673.0, 767.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [498.0, 467.0, 531.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [433.0, 468.0, 479.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [805.0, 444.0, 885.0, 664.0, 1.0], [1099.0, 452.0, 1130.0, 533.0, 1.0], [769.0, 452.0, 806.0, 574.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 509.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 586.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 531.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [992.0, 454.0, 1015.0, 524.0, 1.0], [966.0, 475.0, 987.0, 518.0, 1.0], [788.0, 449.0, 820.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 123, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]]}, "ret_ret": [[575.4615970368792, 447.2609453770426, 702.6634155479832, 830.8684624238781, 8.0], [773.3314444607907, 446.8279768417659, 858.1418652394597, 703.2645883053602, 7.0], [530.3140224631823, 566.4431356482957, 604.4121536397952, 790.8503530914858, 5.0], [677.2561279782166, 423.03959387982695, 781.8821424431395, 738.9187774740781, 2.0]], "ret_unmatched_trks_pos": [[534.0, 460.48, 555.9740000000002, 528.402, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.8205], [572.83, 442.87, 701.7900000000001, 831.75, 0.88602], [772.68, 446.86, 857.4219999999999, 703.09, 0.49577], [532.85, 454.06, 556.4730000000001, 526.929, 0.49329]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [680.0, 438.0, 777.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1235.0, 446.0, 1273.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [940.0, 437.0, 982.0, 551.0, 1.0], [565.0, 441.0, 698.0, 826.0, 1.0], [782.0, 454.0, 878.0, 701.0, 1.0], [563.0, 447.0, 675.0, 772.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [431.0, 467.0, 478.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [808.0, 444.0, 889.0, 665.0, 1.0], [1100.0, 452.0, 1131.0, 533.0, 1.0], [771.0, 452.0, 808.0, 573.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [991.0, 454.0, 1014.0, 524.0, 1.0], [965.0, 475.0, 986.0, 518.0, 1.0], [789.0, 449.0, 821.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 123, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 8, "confidence": 0.8867152310629693, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 0, "confidence": 1, "age": 38}, {"time_since_observed": 2, "confidence": 0.00936355471955093, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[549.75, 343.97, 720.23, 857.4200000000001, 0.46578]]}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.8205], [572.83, 442.87, 701.7900000000001, 831.75, 0.88602], [772.68, 446.86, 857.4219999999999, 703.09, 0.49577], [532.85, 454.06, 556.4730000000001, 526.929, 0.49329]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [680.0, 438.0, 777.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1235.0, 446.0, 1273.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [940.0, 437.0, 982.0, 551.0, 1.0], [565.0, 441.0, 698.0, 826.0, 1.0], [782.0, 454.0, 878.0, 701.0, 1.0], [563.0, 447.0, 675.0, 772.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [431.0, 467.0, 478.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [443.0, 458.0, 479.0, 541.0, 1.0], [591.0, 455.0, 635.0, 592.0, 1.0], [808.0, 444.0, 889.0, 665.0, 1.0], [1100.0, 452.0, 1131.0, 533.0, 1.0], [771.0, 452.0, 808.0, 573.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [712.0, 477.0, 731.0, 534.0, 0.0], [749.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [531.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [991.0, 454.0, 1014.0, 524.0, 1.0], [965.0, 475.0, 986.0, 518.0, 1.0], [789.0, 449.0, 821.0, 541.0, 1.0], [551.0, 455.0, 572.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 124, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[532.889221060639, 454.2616070821014, 556.4551598700872, 526.9866243867482, 9.0], [574.008675066934, 444.6325148365639, 702.3863810801246, 831.7679078139869, 8.0], [773.2698953074066, 446.8506854898251, 858.0709909269328, 703.2592671553971, 7.0], [530.4906057062025, 570.3185752354713, 604.5867177155291, 794.7196776025438, 5.0], [677.1988421237547, 423.04817967693066, 781.8199364788259, 738.9125845485687, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 444.35, 781.1500000000001, 760.03, 1.4804], [572.83, 442.87, 701.7900000000001, 831.75, 1.3733], [772.93, 442.1, 863.8259999999999, 716.79, 0.38434]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 438.0, 778.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1233.0, 446.0, 1271.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [941.0, 437.0, 984.0, 551.0, 1.0], [567.0, 440.0, 700.0, 827.0, 1.0], [784.0, 454.0, 879.0, 702.0, 1.0], [564.0, 447.0, 676.0, 773.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [429.0, 467.0, 477.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 635.0, 592.0, 1.0], [809.0, 443.0, 889.0, 665.0, 1.0], [1101.0, 452.0, 1132.0, 534.0, 1.0], [773.0, 452.0, 810.0, 572.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 731.0, 534.0, 0.0], [748.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [990.0, 454.0, 1013.0, 524.0, 1.0], [964.0, 475.0, 985.0, 518.0, 1.0], [790.0, 449.0, 821.0, 541.0, 1.0], [550.0, 455.0, 572.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 124, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 9, "confidence": 0.7801204537419022, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 1, "age": 39}, {"time_since_observed": 0, "confidence": 0.00936355471955093, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[676.59, 444.35, 781.1500000000001, 760.03, 1.4804], [572.83, 442.87, 701.7900000000001, 831.75, 1.3733], [772.93, 442.1, 863.8259999999999, 716.79, 0.38434]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 438.0, 778.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [752.0, 474.0, 794.0, 570.0, 0.0], [1233.0, 446.0, 1271.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1132.0, 546.0, 1.0], [941.0, 437.0, 984.0, 551.0, 1.0], [567.0, 440.0, 700.0, 827.0, 1.0], [784.0, 454.0, 879.0, 702.0, 1.0], [564.0, 447.0, 676.0, 773.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [497.0, 467.0, 530.0, 571.0, 1.0], [498.0, 456.0, 530.0, 560.0, 1.0], [429.0, 467.0, 477.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 635.0, 592.0, 1.0], [809.0, 443.0, 889.0, 665.0, 1.0], [1101.0, 452.0, 1132.0, 534.0, 1.0], [773.0, 452.0, 810.0, 572.0, 1.0], [575.0, 454.0, 595.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 731.0, 534.0, 0.0], [748.0, 510.0, 795.0, 585.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [990.0, 454.0, 1013.0, 524.0, 1.0], [964.0, 475.0, 985.0, 518.0, 1.0], [790.0, 449.0, 821.0, 541.0, 1.0], [550.0, 455.0, 572.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 125, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[573.4342596705317, 443.61425948813184, 702.2558599774852, 832.0812472016833, 8.0], [773.4299637472169, 443.907237427449, 862.1370430056369, 712.0371994994391, 7.0], [530.6666841677182, 574.1924860848628, 604.7617865727674, 798.5905308513859, 5.0], [677.1415950679344, 436.8422315176575, 781.7603855664703, 752.69970967183, 2.0]], "ret_unmatched_trks_pos": [[532.6083195745703, 452.6456742337033, 556.5703098024194, 526.5929151250963, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.656], [572.83, 442.87, 701.7900000000001, 831.75, 1.2945], [772.93, 442.1, 863.8259999999999, 716.79, 0.63393], [532.85, 454.06, 556.4730000000001, 526.929, 0.32398]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 437.0, 779.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 794.0, 570.0, 0.0], [1232.0, 446.0, 1270.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [943.0, 437.0, 985.0, 551.0, 1.0], [568.0, 439.0, 702.0, 828.0, 1.0], [785.0, 454.0, 880.0, 703.0, 1.0], [566.0, 447.0, 678.0, 774.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [496.0, 467.0, 529.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [427.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [811.0, 442.0, 890.0, 665.0, 1.0], [1102.0, 452.0, 1133.0, 534.0, 1.0], [776.0, 452.0, 813.0, 572.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 795.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 524.0, 1.0], [962.0, 475.0, 983.0, 518.0, 1.0], [790.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 125, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 10, "confidence": 0.7020346346185387, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 0, "confidence": 1, "age": 40}, {"time_since_observed": 1, "confidence": 0.03596925919404478, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[676.59, 423.24, 781.1500000000001, 738.9200000000001, 1.656], [572.83, 442.87, 701.7900000000001, 831.75, 1.2945], [772.93, 442.1, 863.8259999999999, 716.79, 0.63393], [532.85, 454.06, 556.4730000000001, 526.929, 0.32398]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [681.0, 437.0, 779.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 794.0, 570.0, 0.0], [1232.0, 446.0, 1270.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [943.0, 437.0, 985.0, 551.0, 1.0], [568.0, 439.0, 702.0, 828.0, 1.0], [785.0, 454.0, 880.0, 703.0, 1.0], [566.0, 447.0, 678.0, 774.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [496.0, 467.0, 529.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [427.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [811.0, 442.0, 890.0, 665.0, 1.0], [1102.0, 452.0, 1133.0, 534.0, 1.0], [776.0, 452.0, 813.0, 572.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 795.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 628.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 626.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 524.0, 1.0], [962.0, 475.0, 983.0, 518.0, 1.0], [790.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 126, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[532.7687532482938, 453.58917647057416, 556.5064701374955, 526.8205596032128, 9.0], [573.1969475955306, 443.20991037514887, 702.185473257275, 832.1775870204212, 8.0], [773.4755836508791, 442.8392638511142, 863.6279668256775, 715.3033578233839, 7.0], [530.842510230744, 578.0656325419287, 604.9371078284958, 802.4621484925536, 5.0], [677.0877527212904, 428.2826039811257, 781.7052452082526, 744.1361743185735, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[679.82, 430.92, 791.96, 769.33, 1.6531], [572.83, 442.87, 701.7900000000001, 831.75, 1.0739], [789.83, 464.01, 874.572, 720.24, 0.84519]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [682.0, 437.0, 780.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1231.0, 446.0, 1269.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [944.0, 437.0, 986.0, 551.0, 1.0], [570.0, 437.0, 704.0, 829.0, 1.0], [787.0, 454.0, 881.0, 704.0, 1.0], [568.0, 447.0, 680.0, 776.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [426.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [812.0, 441.0, 891.0, 665.0, 1.0], [1103.0, 452.0, 1134.0, 535.0, 1.0], [778.0, 451.0, 815.0, 573.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 525.0, 1.0], [961.0, 475.0, 982.0, 518.0, 1.0], [791.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 126, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 11, "confidence": 0.63154265703658, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 1, "age": 41}, {"time_since_observed": 0, "confidence": 0.03596925919404478, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[679.82, 430.92, 791.96, 769.33, 1.6531], [572.83, 442.87, 701.7900000000001, 831.75, 1.0739], [789.83, 464.01, 874.572, 720.24, 0.84519]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [682.0, 437.0, 780.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1231.0, 446.0, 1269.0, 545.0, 1.0], [1006.0, 445.0, 1042.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [944.0, 437.0, 986.0, 551.0, 1.0], [570.0, 437.0, 704.0, 829.0, 1.0], [787.0, 454.0, 881.0, 704.0, 1.0], [568.0, 447.0, 680.0, 776.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [426.0, 467.0, 476.0, 571.0, 1.0], [373.0, 446.0, 414.0, 550.0, 0.0], [444.0, 458.0, 480.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [812.0, 441.0, 891.0, 665.0, 1.0], [1103.0, 452.0, 1134.0, 535.0, 1.0], [778.0, 451.0, 815.0, 573.0, 1.0], [575.0, 454.0, 595.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [748.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [530.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [989.0, 454.0, 1012.0, 525.0, 1.0], [961.0, 475.0, 982.0, 518.0, 1.0], [791.0, 449.0, 822.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 127, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[573.0902812041166, 443.0414572095923, 702.1404243042974, 832.1939178305175, 8.0], [784.3961976780993, 456.43559390574944, 871.272796891056, 719.0738465725452, 7.0], [531.0182100925903, 581.938396796973, 605.1125552854036, 806.334148335743, 5.0], [679.2336384740764, 430.28209296582037, 788.6272796574543, 760.4620119629046, 2.0]], "ret_unmatched_trks_pos": [[532.5684704119824, 452.4407558429551, 556.5893682955079, 526.5457586243582, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[679.82, 430.92, 791.96, 769.33, 1.7355], [586.01, 418.86, 724.3, 835.72, 1.3452], [528.8, 454.91, 554.1899999999999, 533.08, 0.85193], [789.83, 464.01, 874.572, 720.24, 0.80701]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [683.0, 437.0, 781.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1229.0, 446.0, 1267.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [945.0, 437.0, 988.0, 551.0, 1.0], [571.0, 436.0, 706.0, 830.0, 1.0], [789.0, 454.0, 882.0, 706.0, 1.0], [570.0, 447.0, 681.0, 777.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [424.0, 466.0, 475.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [814.0, 440.0, 891.0, 665.0, 1.0], [1104.0, 452.0, 1135.0, 535.0, 1.0], [781.0, 451.0, 818.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [987.0, 453.0, 1010.0, 524.0, 1.0], [960.0, 475.0, 981.0, 518.0, 1.0], [792.0, 450.0, 823.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 127, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 12, "confidence": 0.5803953715717337, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 1, "age": 42}, {"time_since_observed": 1, "confidence": 0.04924185802113442, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[679.82, 430.92, 791.96, 769.33, 1.7355], [586.01, 418.86, 724.3, 835.72, 1.3452], [528.8, 454.91, 554.1899999999999, 533.08, 0.85193], [789.83, 464.01, 874.572, 720.24, 0.80701]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [683.0, 437.0, 781.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 570.0, 0.0], [1229.0, 446.0, 1267.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [945.0, 437.0, 988.0, 551.0, 1.0], [571.0, 436.0, 706.0, 830.0, 1.0], [789.0, 454.0, 882.0, 706.0, 1.0], [570.0, 447.0, 681.0, 777.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [495.0, 466.0, 528.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [424.0, 466.0, 475.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [814.0, 440.0, 891.0, 665.0, 1.0], [1104.0, 452.0, 1135.0, 535.0, 1.0], [781.0, 451.0, 818.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 510.0, 794.0, 586.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [603.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [584.0, 422.0, 604.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [987.0, 453.0, 1010.0, 524.0, 1.0], [960.0, 475.0, 981.0, 518.0, 1.0], [792.0, 450.0, 823.0, 540.0, 1.0], [550.0, 455.0, 571.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 128, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[529.4601279262267, 454.24286320064374, 554.64542570601, 531.8247106532783, 9.0], [581.7252456618742, 427.53406522121946, 716.7224163715343, 834.5261147476731, 8.0], [788.5167810162758, 461.63342809810376, 874.1092188179638, 720.417531050275, 7.0], [531.1938468533632, 585.8109699495419, 605.2880658433847, 810.2063392814077, 5.0], [680.0374052595354, 431.08851914022665, 791.2011752115687, 766.5749109811645, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[679.82, 408.29, 791.96, 746.7, 1.6871], [586.01, 418.86, 724.3, 835.72, 1.6054], [791.3, 442.1, 882.1959999999999, 716.79, 1.2186], [528.8, 449.63, 554.1899999999999, 527.8, 0.70275]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [684.0, 437.0, 782.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 571.0, 0.0], [1228.0, 446.0, 1266.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [946.0, 437.0, 989.0, 551.0, 1.0], [573.0, 435.0, 708.0, 831.0, 1.0], [791.0, 453.0, 883.0, 706.0, 1.0], [572.0, 447.0, 683.0, 779.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [422.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [815.0, 439.0, 892.0, 665.0, 1.0], [1105.0, 452.0, 1136.0, 536.0, 1.0], [784.0, 451.0, 820.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 511.0, 794.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [986.0, 453.0, 1009.0, 524.0, 1.0], [959.0, 475.0, 980.0, 518.0, 1.0], [792.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 128, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 13, "confidence": 0.5348576602072482, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 1, "age": 43}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[679.82, 408.29, 791.96, 746.7, 1.6871], [586.01, 418.86, 724.3, 835.72, 1.6054], [791.3, 442.1, 882.1959999999999, 716.79, 1.2186], [528.8, 449.63, 554.1899999999999, 527.8, 0.70275]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [684.0, 437.0, 782.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [751.0, 474.0, 793.0, 571.0, 0.0], [1228.0, 446.0, 1266.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1093.0, 438.0, 1131.0, 546.0, 1.0], [946.0, 437.0, 989.0, 551.0, 1.0], [573.0, 435.0, 708.0, 831.0, 1.0], [791.0, 453.0, 883.0, 706.0, 1.0], [572.0, 447.0, 683.0, 779.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [422.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [815.0, 439.0, 892.0, 665.0, 1.0], [1105.0, 452.0, 1136.0, 536.0, 1.0], [784.0, 451.0, 820.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [747.0, 511.0, 794.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 527.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [986.0, 453.0, 1009.0, 524.0, 1.0], [959.0, 475.0, 980.0, 518.0, 1.0], [792.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 129, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[528.8169066162973, 450.84367719771785, 554.2617508231681, 529.1980836717755, 9.0], [585.0031442511076, 421.7300371416462, 722.200026679064, 835.3174369275488, 8.0], [791.0470479064847, 449.45771485344426, 880.036049020295, 718.4329929774124, 7.0], [531.3694520634784, 589.6834475505068, 605.4636079520236, 814.0786257786765, 5.0], [680.3053719446623, 416.58729646088614, 792.1372357571136, 754.076029165024, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[586.01, 418.86, 724.3, 835.72, 1.7746], [679.82, 430.92, 791.96, 769.33, 1.5898], [789.83, 464.01, 874.572, 720.24, 1.3308], [528.8, 454.91, 554.1899999999999, 533.08, 0.63853], [780.76, 338.9, 909.72, 727.78, 0.38443]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 783.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1227.0, 446.0, 1265.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [947.0, 437.0, 990.0, 551.0, 1.0], [574.0, 434.0, 710.0, 832.0, 1.0], [793.0, 452.0, 884.0, 707.0, 1.0], [574.0, 447.0, 685.0, 780.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [420.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [817.0, 439.0, 893.0, 666.0, 1.0], [1106.0, 452.0, 1137.0, 536.0, 1.0], [787.0, 451.0, 823.0, 578.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [984.0, 453.0, 1007.0, 524.0, 1.0], [958.0, 475.0, 979.0, 518.0, 1.0], [793.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 129, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 14, "confidence": 0.4805245028430955, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 0, "confidence": 1, "age": 44}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[586.01, 418.86, 724.3, 835.72, 1.7746], [679.82, 430.92, 791.96, 769.33, 1.5898], [789.83, 464.01, 874.572, 720.24, 1.3308], [528.8, 454.91, 554.1899999999999, 533.08, 0.63853], [780.76, 338.9, 909.72, 727.78, 0.38443]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 783.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1227.0, 446.0, 1265.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [947.0, 437.0, 990.0, 551.0, 1.0], [574.0, 434.0, 710.0, 832.0, 1.0], [793.0, 452.0, 884.0, 707.0, 1.0], [574.0, 447.0, 685.0, 780.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [494.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [420.0, 466.0, 474.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [445.0, 458.0, 481.0, 541.0, 1.0], [592.0, 455.0, 636.0, 592.0, 1.0], [817.0, 439.0, 893.0, 666.0, 1.0], [1106.0, 452.0, 1137.0, 536.0, 1.0], [787.0, 451.0, 823.0, 578.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [984.0, 453.0, 1007.0, 524.0, 1.0], [958.0, 475.0, 979.0, 518.0, 1.0], [793.0, 450.0, 824.0, 539.0, 1.0], [549.0, 455.0, 571.0, 510.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 130, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched_before_before": []}, "ret_ret": [[528.6035437726397, 453.2221403099389, 554.1340987521017, 531.8308010423883, 9.0], [586.2002292766118, 419.54785027482103, 724.2242628119274, 835.6147626515353, 8.0], [790.9031694830826, 458.8761009422538, 877.3185685025489, 720.1301957084931, 7.0], [680.3680601847121, 425.8379030891967, 792.4533414787294, 764.0860718304225, 2.0]], "ret_unmatched_trks_pos": [[531.5450414982347, 593.5558773755781, 605.6391658360214, 817.9509600518388, 5.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[568.28, 419.0, 716.5699999999999, 865.86, 1.9706], [679.82, 430.92, 791.96, 769.33, 1.4157], [789.83, 446.86, 874.572, 703.09, 1.3797], [780.76, 338.9, 909.72, 727.78, 0.59085]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 784.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1226.0, 446.0, 1264.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 437.0, 992.0, 551.0, 1.0], [576.0, 433.0, 712.0, 833.0, 1.0], [795.0, 451.0, 886.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [418.0, 466.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [446.0, 458.0, 482.0, 542.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [820.0, 438.0, 896.0, 666.0, 1.0], [1107.0, 452.0, 1138.0, 537.0, 1.0], [787.0, 450.0, 826.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [983.0, 453.0, 1006.0, 524.0, 1.0], [957.0, 476.0, 978.0, 519.0, 1.0], [793.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 130, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 15, "confidence": 0.43898106112083857, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 1, "age": 45}, {"time_since_observed": 0, "confidence": 0.04924185802113442, "age": 10}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]], "unmatched_before_before": []}, "ret_dets": [[568.28, 419.0, 716.5699999999999, 865.86, 1.9706], [679.82, 430.92, 791.96, 769.33, 1.4157], [789.83, 446.86, 874.572, 703.09, 1.3797], [780.76, 338.9, 909.72, 727.78, 0.59085]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [685.0, 437.0, 784.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [705.0, 487.0, 749.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 793.0, 571.0, 0.0], [1226.0, 446.0, 1264.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 437.0, 992.0, 551.0, 1.0], [576.0, 433.0, 712.0, 833.0, 1.0], [795.0, 451.0, 886.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [418.0, 466.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [446.0, 458.0, 482.0, 542.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [820.0, 438.0, 896.0, 666.0, 1.0], [1107.0, 452.0, 1138.0, 537.0, 1.0], [787.0, 450.0, 826.0, 576.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 721.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [746.0, 511.0, 793.0, 587.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [602.0, 461.0, 627.0, 530.0, 1.0], [561.0, 454.0, 585.0, 528.0, 1.0], [602.0, 456.0, 625.0, 526.0, 1.0], [529.0, 456.0, 559.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [983.0, 453.0, 1006.0, 524.0, 1.0], [957.0, 476.0, 978.0, 519.0, 1.0], [793.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 131, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 11}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]]}, "ret_ret": [[575.113366754156, 419.0984118046428, 719.79710732065, 855.1483141131619, 8.0], [790.7959525539343, 451.2666516231205, 876.2077840420372, 709.5085168114363, 7.0], [680.3551512215672, 429.34029743089593, 792.5363536284042, 767.8758957996694, 2.0]], "ret_unmatched_trks_pos": [[531.7206309329977, 597.4283072006699, 605.8147237200126, 821.8232943249807, 5.0], [528.0425272470478, 452.5997101004359, 553.904156812254, 532.2277505451099, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[568.28, 419.0, 716.5699999999999, 865.86, 1.8026], [791.3, 442.1, 882.1959999999999, 716.79, 1.7901], [679.82, 430.92, 791.96, 769.33, 1.5602], [780.76, 338.9, 909.72, 727.78, 0.34854], [532.85, 454.06, 556.4730000000001, 526.929, 0.30468]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [686.0, 437.0, 785.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1224.0, 446.0, 1262.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 712.0, 835.0, 1.0], [797.0, 451.0, 887.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [416.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [447.0, 457.0, 483.0, 541.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [824.0, 437.0, 899.0, 667.0, 1.0], [1108.0, 453.0, 1139.0, 538.0, 1.0], [788.0, 449.0, 829.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [981.0, 452.0, 1004.0, 523.0, 1.0], [956.0, 475.0, 977.0, 518.0, 1.0], [794.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 131, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 16, "confidence": 0.41689428082678603, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 1, "age": 46}, {"time_since_observed": 1, "confidence": 0.08261731932776503, "age": 11}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.38443]]}, "ret_dets": [[568.28, 419.0, 716.5699999999999, 865.86, 1.8026], [791.3, 442.1, 882.1959999999999, 716.79, 1.7901], [679.82, 430.92, 791.96, 769.33, 1.5602], [780.76, 338.9, 909.72, 727.78, 0.34854], [532.85, 454.06, 556.4730000000001, 526.929, 0.30468]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [686.0, 437.0, 785.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1224.0, 446.0, 1262.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [949.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 712.0, 835.0, 1.0], [797.0, 451.0, 887.0, 708.0, 1.0], [576.0, 447.0, 687.0, 782.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 466.0, 527.0, 571.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [416.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [447.0, 457.0, 483.0, 541.0, 1.0], [592.0, 455.0, 637.0, 592.0, 1.0], [824.0, 437.0, 899.0, 667.0, 1.0], [1108.0, 453.0, 1139.0, 538.0, 1.0], [788.0, 449.0, 829.0, 575.0, 1.0], [575.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 740.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [981.0, 452.0, 1004.0, 523.0, 1.0], [956.0, 475.0, 977.0, 518.0, 1.0], [794.0, 450.0, 825.0, 538.0, 1.0], [549.0, 454.0, 570.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 132, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]]}, "ret_ret": [[531.6633857661681, 453.53288794440044, 555.8936967563351, 528.2373058911974, 9.0], [570.8955844686254, 419.03449864444485, 718.0385098848319, 862.4600511515533, 8.0], [791.724179638648, 445.4436986295492, 880.641823944995, 714.204812349766, 7.0], [531.8962203677673, 601.3007370257819, 605.990281603997, 825.6956285981023, 5.0], [680.3166262097808, 430.64116752227557, 792.5337287536837, 769.2843248145459, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6882], [679.82, 430.92, 791.96, 769.33, 1.5882], [586.01, 418.86, 724.3, 835.72, 1.5644], [532.85, 454.06, 556.4730000000001, 526.929, 0.65715], [780.76, 338.9, 909.72, 727.78, 0.3336]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [687.0, 437.0, 786.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1223.0, 446.0, 1261.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [950.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 713.0, 838.0, 1.0], [799.0, 450.0, 888.0, 709.0, 1.0], [576.0, 447.0, 687.0, 783.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 467.0, 527.0, 572.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [414.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [449.0, 457.0, 484.0, 541.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [828.0, 436.0, 903.0, 667.0, 1.0], [1108.0, 453.0, 1140.0, 538.0, 1.0], [789.0, 448.0, 832.0, 574.0, 1.0], [576.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [980.0, 452.0, 1003.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 538.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 132, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 17, "confidence": 0.38101057343162065, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 0, "confidence": 1, "age": 47}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 12}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.59085]]}, "ret_dets": [[791.3, 442.1, 882.1959999999999, 716.79, 1.6882], [679.82, 430.92, 791.96, 769.33, 1.5882], [586.01, 418.86, 724.3, 835.72, 1.5644], [532.85, 454.06, 556.4730000000001, 526.929, 0.65715], [780.76, 338.9, 909.72, 727.78, 0.3336]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [687.0, 437.0, 786.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [750.0, 474.0, 792.0, 571.0, 0.0], [1223.0, 446.0, 1261.0, 545.0, 1.0], [1005.0, 445.0, 1041.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [950.0, 436.0, 992.0, 550.0, 1.0], [575.0, 433.0, 713.0, 838.0, 1.0], [799.0, 450.0, 888.0, 709.0, 1.0], [576.0, 447.0, 687.0, 783.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [493.0, 467.0, 527.0, 572.0, 1.0], [498.0, 456.0, 531.0, 560.0, 1.0], [414.0, 467.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [449.0, 457.0, 484.0, 541.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [828.0, 436.0, 903.0, 667.0, 1.0], [1108.0, 453.0, 1140.0, 538.0, 1.0], [789.0, 448.0, 832.0, 574.0, 1.0], [576.0, 454.0, 596.0, 514.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [745.0, 511.0, 793.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [602.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [980.0, 452.0, 1003.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 538.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 133, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]]}, "ret_ret": [[532.4187551991697, 453.70072639889406, 556.3048152994425, 527.367445471666, 9.0], [580.6866443170259, 418.41235736341787, 722.5578985187371, 846.0232256477859, 8.0], [792.0369871395485, 443.2741186889981, 882.2563986468563, 715.9387317547181, 7.0], [532.0718019148431, 605.1731429629041, 606.1658473756753, 829.5679867592138, 5.0], [680.2714582564591, 431.1013523903738, 792.5015633280233, 769.7834504890881, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[679.82, 430.92, 791.96, 769.33, 1.641], [568.28, 419.0, 716.5699999999999, 865.86, 1.5249], [789.83, 446.86, 874.572, 703.09, 1.2439]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [688.0, 437.0, 787.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1222.0, 446.0, 1260.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [951.0, 436.0, 992.0, 550.0, 1.0], [575.0, 434.0, 714.0, 841.0, 1.0], [801.0, 449.0, 890.0, 710.0, 1.0], [576.0, 447.0, 687.0, 784.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [491.0, 467.0, 526.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [412.0, 468.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [450.0, 457.0, 485.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [832.0, 435.0, 906.0, 668.0, 1.0], [1109.0, 453.0, 1141.0, 538.0, 1.0], [790.0, 447.0, 835.0, 573.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [978.0, 452.0, 1001.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 537.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 133, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 132}, {"time_since_observed": 18, "confidence": 0.3535917217726803, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 1, "age": 48}, {"time_since_observed": 0, "confidence": 0.08261731932776503, "age": 13}], "unmatched": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.34854]]}, "ret_dets": [[679.82, 430.92, 791.96, 769.33, 1.641], [568.28, 419.0, 716.5699999999999, 865.86, 1.5249], [789.83, 446.86, 874.572, 703.09, 1.2439]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [688.0, 437.0, 787.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1222.0, 446.0, 1260.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [951.0, 436.0, 992.0, 550.0, 1.0], [575.0, 434.0, 714.0, 841.0, 1.0], [801.0, 449.0, 890.0, 710.0, 1.0], [576.0, 447.0, 687.0, 784.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [491.0, 467.0, 526.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [412.0, 468.0, 473.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [450.0, 457.0, 485.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [832.0, 435.0, 906.0, 668.0, 1.0], [1109.0, 453.0, 1141.0, 538.0, 1.0], [790.0, 447.0, 835.0, 573.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 588.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [978.0, 452.0, 1001.0, 523.0, 1.0], [955.0, 475.0, 976.0, 518.0, 1.0], [795.0, 450.0, 826.0, 537.0, 1.0], [548.0, 454.0, 570.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 134, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]]}, "ret_ret": [[572.9590938786266, 418.72968853108404, 719.0427695833068, 858.9777757552213, 8.0], [791.0393599088748, 445.25091659247414, 877.9376829796374, 707.9540854480854, 7.0], [680.2266565625613, 431.2427223257052, 792.4610306889159, 769.9375896868703, 2.0]], "ret_unmatched_trks_pos": [[532.2473795180703, 609.0455369560254, 606.3414170912023, 833.4403568643261, 5.0], [532.3744560908956, 453.2166825394422, 556.3947865526511, 527.297503266385, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[680.04, 413.27, 800.3, 776.04, 1.9587], [586.01, 418.86, 724.3, 835.72, 1.2566], [806.97, 464.01, 891.712, 720.24, 0.73452], [529.4, 455.88, 551.374, 523.802, 0.50779]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 437.0, 788.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1220.0, 446.0, 1258.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [952.0, 436.0, 992.0, 550.0, 1.0], [574.0, 434.0, 715.0, 843.0, 1.0], [803.0, 449.0, 891.0, 710.0, 1.0], [576.0, 447.0, 687.0, 785.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [489.0, 467.0, 525.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [411.0, 467.0, 471.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [452.0, 457.0, 486.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [836.0, 434.0, 910.0, 669.0, 1.0], [1110.0, 453.0, 1142.0, 539.0, 1.0], [791.0, 446.0, 838.0, 572.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [977.0, 452.0, 1000.0, 523.0, 1.0], [954.0, 475.0, 975.0, 518.0, 1.0], [796.0, 450.0, 827.0, 537.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 134, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 133}, {"time_since_observed": 19, "confidence": 0.3475441517468844, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 0, "confidence": 1, "age": 49}, {"time_since_observed": 1, "confidence": 0.08755921368081028, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[780.76, 338.9, 909.72, 727.78, 0.3336]]}, "ret_dets": [[680.04, 413.27, 800.3, 776.04, 1.9587], [586.01, 418.86, 724.3, 835.72, 1.2566], [806.97, 464.01, 891.712, 720.24, 0.73452], [529.4, 455.88, 551.374, 523.802, 0.50779]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 437.0, 788.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 792.0, 572.0, 0.0], [1220.0, 446.0, 1258.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [952.0, 436.0, 992.0, 550.0, 1.0], [574.0, 434.0, 715.0, 843.0, 1.0], [803.0, 449.0, 891.0, 710.0, 1.0], [576.0, 447.0, 687.0, 785.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [489.0, 467.0, 525.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [411.0, 467.0, 471.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [452.0, 457.0, 486.0, 540.0, 1.0], [593.0, 455.0, 637.0, 592.0, 1.0], [836.0, 434.0, 910.0, 669.0, 1.0], [1110.0, 453.0, 1142.0, 539.0, 1.0], [791.0, 446.0, 838.0, 572.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [744.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [700.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [977.0, 452.0, 1000.0, 523.0, 1.0], [954.0, 475.0, 975.0, 518.0, 1.0], [796.0, 450.0, 827.0, 537.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 135, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[530.0253606146358, 455.10483118651075, 552.5348266474274, 524.6389673584215, 9.0], [581.4287344628481, 418.3130471179229, 722.8752482021553, 844.6491379111987, 8.0], [801.8253656290215, 457.2654534290858, 887.4213944428441, 716.0601285064005, 7.0], [680.4218594056671, 420.01893977989727, 797.7722110088504, 774.0655697898515, 2.0]], "ret_unmatched_trks_pos": [[532.4229571212978, 612.9179309491481, 606.5169868067288, 837.3127269694371, 5.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[680.04, 413.27, 800.3, 776.04, 1.7791], [568.28, 419.0, 716.5699999999999, 865.86, 1.08], [791.3, 442.1, 882.1959999999999, 716.79, 0.99608]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 789.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1219.0, 446.0, 1257.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 550.0, 1.0], [574.0, 435.0, 716.0, 846.0, 1.0], [805.0, 448.0, 893.0, 711.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [488.0, 467.0, 524.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [410.0, 467.0, 470.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [454.0, 457.0, 487.0, 540.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [839.0, 435.0, 917.0, 670.0, 1.0], [1111.0, 453.0, 1143.0, 539.0, 1.0], [792.0, 446.0, 841.0, 571.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [975.0, 451.0, 998.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [796.0, 450.0, 828.0, 536.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 135, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 134}, {"time_since_observed": 20, "confidence": 0.3286297834829687, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 0, "confidence": 1, "age": 50}, {"time_since_observed": 0, "confidence": 0.08755921368081028, "age": 15}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[680.04, 413.27, 800.3, 776.04, 1.7791], [568.28, 419.0, 716.5699999999999, 865.86, 1.08], [791.3, 442.1, 882.1959999999999, 716.79, 0.99608]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 789.0, 761.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1219.0, 446.0, 1257.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 550.0, 1.0], [574.0, 435.0, 716.0, 846.0, 1.0], [805.0, 448.0, 893.0, 711.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [488.0, 467.0, 524.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [410.0, 467.0, 470.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [454.0, 457.0, 487.0, 540.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [839.0, 435.0, 917.0, 670.0, 1.0], [1111.0, 453.0, 1143.0, 539.0, 1.0], [792.0, 446.0, 841.0, 571.0, 1.0], [576.0, 454.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 461.0, 627.0, 530.0, 1.0], [560.0, 454.0, 584.0, 528.0, 1.0], [601.0, 456.0, 624.0, 526.0, 1.0], [528.0, 456.0, 558.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [975.0, 451.0, 998.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [796.0, 450.0, 828.0, 536.0, 1.0], [548.0, 454.0, 569.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 136, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 16}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[573.1922585528848, 418.687105409947, 719.1097738635196, 858.4365761824072, 8.0], [795.7056791780822, 447.72292796334136, 884.685049542489, 716.6689833559813, 7.0], [680.4925614118442, 415.8040568579832, 799.7387750976834, 775.5367720543716, 2.0]], "ret_unmatched_trks_pos": [[532.5985347245257, 616.7903249422719, 606.692556522255, 841.1850970745469, 5.0], [529.7270854627752, 454.77757468257465, 552.2621881306006, 524.3909051485141, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[680.04, 413.27, 800.3, 776.04, 1.7954], [568.28, 419.0, 716.5699999999999, 865.86, 1.164], [791.3, 442.1, 882.1959999999999, 716.79, 1.0584]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 790.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1218.0, 446.0, 1256.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 549.0, 1.0], [574.0, 435.0, 716.0, 849.0, 1.0], [807.0, 447.0, 894.0, 712.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [486.0, 467.0, 523.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 469.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [455.0, 456.0, 488.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [843.0, 436.0, 924.0, 671.0, 1.0], [1111.0, 453.0, 1145.0, 540.0, 1.0], [798.0, 445.0, 845.0, 571.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [974.0, 451.0, 997.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [797.0, 450.0, 828.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 136, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 135}, {"time_since_observed": 21, "confidence": 0.31894525664993256, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 0, "confidence": 1, "age": 51}, {"time_since_observed": 1, "confidence": 0.08792525453938935, "age": 16}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[680.04, 413.27, 800.3, 776.04, 1.7954], [568.28, 419.0, 716.5699999999999, 865.86, 1.164], [791.3, 442.1, 882.1959999999999, 716.79, 1.0584]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [689.0, 436.0, 790.0, 762.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [749.0, 474.0, 791.0, 572.0, 0.0], [1218.0, 446.0, 1256.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [953.0, 436.0, 992.0, 549.0, 1.0], [574.0, 435.0, 716.0, 849.0, 1.0], [807.0, 447.0, 894.0, 712.0, 1.0], [577.0, 447.0, 688.0, 786.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [486.0, 467.0, 523.0, 572.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 469.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [455.0, 456.0, 488.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [843.0, 436.0, 924.0, 671.0, 1.0], [1111.0, 453.0, 1145.0, 540.0, 1.0], [798.0, 445.0, 845.0, 571.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [743.0, 512.0, 792.0, 589.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [974.0, 451.0, 997.0, 522.0, 1.0], [953.0, 475.0, 974.0, 518.0, 1.0], [797.0, 450.0, 828.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 137, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[570.0563771380293, 418.8711581741751, 717.6416974497552, 863.6226370236108, 8.0], [793.3371118250853, 444.12510910319895, 883.5741919212422, 716.842489382204, 7.0], [680.4915807598701, 414.19566105816176, 800.4531389965763, 776.0734086916657, 2.0]], "ret_unmatched_trks_pos": [[532.7741123277541, 620.6627189353972, 606.8681262377808, 845.0574671796553, 5.0], [529.4288248768709, 454.45036317442737, 551.9895350478176, 524.1427979428178, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[697.7, 444.35, 802.26, 760.03, 1.8948], [568.28, 419.0, 716.5699999999999, 865.86, 1.5985], [806.97, 464.01, 891.712, 720.24, 1.292]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [690.0, 436.0, 791.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 572.0, 0.0], [1216.0, 446.0, 1254.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [954.0, 436.0, 992.0, 549.0, 1.0], [573.0, 435.0, 717.0, 851.0, 1.0], [809.0, 447.0, 895.0, 712.0, 1.0], [577.0, 447.0, 688.0, 787.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [485.0, 467.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 468.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [457.0, 456.0, 489.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [846.0, 438.0, 931.0, 672.0, 1.0], [1112.0, 453.0, 1146.0, 540.0, 1.0], [804.0, 444.0, 849.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [972.0, 451.0, 995.0, 522.0, 1.0], [952.0, 475.0, 973.0, 518.0, 1.0], [798.0, 450.0, 829.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 137, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 136}, {"time_since_observed": 22, "confidence": 0.29250463083488254, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 0, "confidence": 1, "age": 52}, {"time_since_observed": 2, "confidence": 0.044592205830569234, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[697.7, 444.35, 802.26, 760.03, 1.8948], [568.28, 419.0, 716.5699999999999, 865.86, 1.5985], [806.97, 464.01, 891.712, 720.24, 1.292]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [690.0, 436.0, 791.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 572.0, 0.0], [1216.0, 446.0, 1254.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [954.0, 436.0, 992.0, 549.0, 1.0], [573.0, 435.0, 717.0, 851.0, 1.0], [809.0, 447.0, 895.0, 712.0, 1.0], [577.0, 447.0, 688.0, 787.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [485.0, 467.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [409.0, 466.0, 468.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [457.0, 456.0, 489.0, 539.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [846.0, 438.0, 931.0, 672.0, 1.0], [1112.0, 453.0, 1146.0, 540.0, 1.0], [804.0, 444.0, 849.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [601.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [972.0, 451.0, 995.0, 522.0, 1.0], [952.0, 475.0, 973.0, 518.0, 1.0], [798.0, 450.0, 829.0, 536.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 138, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[568.859662769408, 418.9310828477353, 717.072949743412, 865.5656582637423, 8.0], [802.5227774693619, 456.7496639611121, 889.4257757917612, 719.46673418842, 7.0], [691.6249496042734, 432.7575742506425, 802.3430805365782, 766.9234059006723, 2.0]], "ret_unmatched_trks_pos": [[532.9496899309829, 624.5351129285235, 607.043695953306, 848.9298372847626, 5.0], [529.1305788073796, 454.12319650902526, 551.7168674486215, 523.8946458943764, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 1.832], [568.28, 419.0, 716.5699999999999, 865.86, 1.5532], [806.97, 446.86, 891.712, 703.09, 1.3744]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [692.0, 435.0, 797.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1215.0, 446.0, 1253.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [955.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 718.0, 854.0, 1.0], [811.0, 446.0, 897.0, 713.0, 1.0], [577.0, 447.0, 688.0, 788.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 468.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [408.0, 466.0, 467.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [458.0, 456.0, 490.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [850.0, 439.0, 938.0, 673.0, 1.0], [1113.0, 453.0, 1147.0, 541.0, 1.0], [811.0, 443.0, 853.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [971.0, 451.0, 994.0, 522.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [798.0, 450.0, 829.0, 535.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 138, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 137}, {"time_since_observed": 23, "confidence": 0.2771922402964188, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 0, "confidence": 1, "age": 53}, {"time_since_observed": 3, "confidence": 0.030988545570494696, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 1.832], [568.28, 419.0, 716.5699999999999, 865.86, 1.5532], [806.97, 446.86, 891.712, 703.09, 1.3744]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [692.0, 435.0, 797.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1215.0, 446.0, 1253.0, 545.0, 1.0], [1004.0, 445.0, 1040.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [955.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 718.0, 854.0, 1.0], [811.0, 446.0, 897.0, 713.0, 1.0], [577.0, 447.0, 688.0, 788.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 468.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [408.0, 466.0, 467.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [458.0, 456.0, 490.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [850.0, 439.0, 938.0, 673.0, 1.0], [1113.0, 453.0, 1147.0, 541.0, 1.0], [811.0, 443.0, 853.0, 572.0, 1.0], [577.0, 455.0, 597.0, 515.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [742.0, 512.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [971.0, 451.0, 994.0, 522.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [798.0, 450.0, 829.0, 535.0, 1.0], [547.0, 454.0, 569.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 139, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 19}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[568.4038353091585, 418.9366796766774, 716.8523433526002, 866.2765283900437, 8.0], [805.9839949578635, 450.39560882114887, 891.5795059881574, 709.1886309468516, 7.0], [699.1690127376287, 431.7810817515383, 810.8242250586295, 768.746091846938, 2.0]], "ret_unmatched_trks_pos": [[533.1252675342121, 628.4075069216512, 607.219265668831, 852.8022073898685, 5.0], [528.8323472050387, 453.79607453419015, 551.4441853822751, 523.6464491553679, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 2.0661], [598.82, 442.87, 727.7800000000001, 831.75, 1.6249], [809.68, 442.1, 900.5759999999999, 716.79, 0.596]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [694.0, 435.0, 803.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1214.0, 446.0, 1252.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [956.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 719.0, 857.0, 1.0], [813.0, 445.0, 898.0, 714.0, 1.0], [577.0, 447.0, 688.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 469.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [407.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [460.0, 456.0, 491.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [854.0, 441.0, 945.0, 675.0, 1.0], [1114.0, 453.0, 1148.0, 541.0, 1.0], [817.0, 442.0, 857.0, 573.0, 1.0], [577.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [586.0, 463.0, 607.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [969.0, 450.0, 992.0, 521.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [799.0, 450.0, 830.0, 535.0, 1.0], [547.0, 454.0, 568.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 139, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 138}, {"time_since_observed": 24, "confidence": 0.2822298091969752, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 56}, {"time_since_observed": 0, "confidence": 1, "age": 54}, {"time_since_observed": 4, "confidence": 0.02590208406555717, "age": 19}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 2.0661], [598.82, 442.87, 727.7800000000001, 831.75, 1.6249], [809.68, 442.1, 900.5759999999999, 716.79, 0.596]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [694.0, 435.0, 803.0, 763.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 474.0, 791.0, 573.0, 0.0], [1214.0, 446.0, 1252.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [956.0, 436.0, 992.0, 549.0, 1.0], [573.0, 436.0, 719.0, 857.0, 1.0], [813.0, 445.0, 898.0, 714.0, 1.0], [577.0, 447.0, 688.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 469.0, 523.0, 573.0, 1.0], [498.0, 456.0, 532.0, 560.0, 1.0], [407.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [460.0, 456.0, 491.0, 538.0, 1.0], [593.0, 455.0, 638.0, 592.0, 1.0], [854.0, 441.0, 945.0, 675.0, 1.0], [1114.0, 453.0, 1148.0, 541.0, 1.0], [817.0, 442.0, 857.0, 573.0, 1.0], [577.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 590.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [586.0, 463.0, 607.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [969.0, 450.0, 992.0, 521.0, 1.0], [951.0, 475.0, 972.0, 518.0, 1.0], [799.0, 450.0, 830.0, 535.0, 1.0], [547.0, 454.0, 568.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 140, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 20}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[587.7409116165672, 433.2046127572389, 724.5184081422224, 845.5499284583645, 8.0], [809.0806842698344, 445.07623469284727, 898.0547785276822, 714.0063079966831, 7.0], [701.9795031053301, 431.38921255580084, 813.9899967789682, 769.415283247939, 2.0]], "ret_unmatched_trks_pos": [[533.3008451374417, 632.2799009147802, 607.3948353843555, 856.6745774949732, 5.0], [528.5341300208632, 453.46899709860276, 551.1714888977632, 523.3982078771118, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 2.17], [568.28, 419.0, 716.5699999999999, 865.86, 1.6928], [815.59, 385.67, 927.73, 724.08, 0.98866]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [697.0, 435.0, 809.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 475.0, 790.0, 573.0, 0.0], [1213.0, 446.0, 1251.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [573.0, 437.0, 720.0, 860.0, 1.0], [815.0, 445.0, 900.0, 715.0, 1.0], [578.0, 447.0, 689.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 470.0, 523.0, 573.0, 1.0], [499.0, 456.0, 533.0, 560.0, 1.0], [406.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [462.0, 456.0, 492.0, 538.0, 1.0], [594.0, 455.0, 639.0, 593.0, 1.0], [856.0, 440.0, 946.0, 675.0, 1.0], [1115.0, 453.0, 1150.0, 542.0, 1.0], [824.0, 442.0, 861.0, 574.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [585.0, 463.0, 606.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [968.0, 450.0, 991.0, 521.0, 1.0], [950.0, 475.0, 971.0, 518.0, 1.0], [800.0, 451.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 140, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 139}, {"time_since_observed": 25, "confidence": 0.2729607402349608, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 57}, {"time_since_observed": 0, "confidence": 1, "age": 55}, {"time_since_observed": 5, "confidence": 0.021839469008525167, "age": 20}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 2.17], [568.28, 419.0, 716.5699999999999, 865.86, 1.6928], [815.59, 385.67, 927.73, 724.08, 0.98866]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [697.0, 435.0, 809.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [748.0, 475.0, 790.0, 573.0, 0.0], [1213.0, 446.0, 1251.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [573.0, 437.0, 720.0, 860.0, 1.0], [815.0, 445.0, 900.0, 715.0, 1.0], [578.0, 447.0, 689.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [484.0, 470.0, 523.0, 573.0, 1.0], [499.0, 456.0, 533.0, 560.0, 1.0], [406.0, 466.0, 466.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [462.0, 456.0, 492.0, 538.0, 1.0], [594.0, 455.0, 639.0, 593.0, 1.0], [856.0, 440.0, 946.0, 675.0, 1.0], [1115.0, 453.0, 1150.0, 542.0, 1.0], [824.0, 442.0, 861.0, 574.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [741.0, 513.0, 791.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [601.0, 460.0, 626.0, 529.0, 1.0], [585.0, 463.0, 606.0, 530.0, 1.0], [559.0, 454.0, 583.0, 528.0, 1.0], [600.0, 456.0, 623.0, 526.0, 1.0], [527.0, 456.0, 557.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [968.0, 450.0, 991.0, 521.0, 1.0], [950.0, 475.0, 971.0, 518.0, 1.0], [800.0, 451.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 141, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[575.5129609569458, 424.1941919373123, 719.7001086305672, 858.7619564574024, 8.0], [814.0642854463299, 406.231842889522, 918.1667186398336, 720.577995317392, 7.0], [702.980593125219, 431.21973977909107, 815.1258802506925, 769.6483290359868, 2.0]], "ret_unmatched_trks_pos": [[533.4764227406718, 636.1522949079105, 607.5704050998795, 860.5469476000766, 5.0], [528.2359272061443, 453.14196405179575, 550.8987780437948, 523.1499222100751, 9.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 1.9123], [586.01, 446.72, 724.3, 863.58, 1.8983], [808.63, 434.36, 906.122, 728.83, 1.1672], [529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [699.0, 435.0, 815.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1211.0, 446.0, 1249.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [571.0, 437.0, 717.0, 863.0, 1.0], [816.0, 445.0, 901.0, 716.0, 1.0], [580.0, 447.0, 694.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [482.0, 469.0, 522.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [405.0, 466.0, 465.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [463.0, 456.0, 493.0, 538.0, 1.0], [593.0, 455.0, 637.0, 593.0, 1.0], [858.0, 440.0, 947.0, 675.0, 1.0], [1116.0, 453.0, 1151.0, 542.0, 1.0], [824.0, 442.0, 863.0, 572.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [526.0, 456.0, 556.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [966.0, 450.0, 989.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 452.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 141, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 1, "age": 56}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 1.9123], [586.01, 446.72, 724.3, 863.58, 1.8983], [808.63, 434.36, 906.122, 728.83, 1.1672], [529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [699.0, 435.0, 815.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1211.0, 446.0, 1249.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [571.0, 437.0, 717.0, 863.0, 1.0], [816.0, 445.0, 901.0, 716.0, 1.0], [580.0, 447.0, 694.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [482.0, 469.0, 522.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [405.0, 466.0, 465.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [463.0, 456.0, 493.0, 538.0, 1.0], [593.0, 455.0, 637.0, 593.0, 1.0], [858.0, 440.0, 947.0, 675.0, 1.0], [1116.0, 453.0, 1151.0, 542.0, 1.0], [824.0, 442.0, 863.0, 572.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [526.0, 456.0, 556.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [966.0, 450.0, 989.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 452.0, 831.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 142, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "unmatched": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched_before_before": []}, "ret_ret": [[582.3145901235315, 438.5455048840992, 722.9973209804704, 862.5925832913892, 8.0], [811.3854246875936, 423.49057901383935, 911.5533620438417, 726.0099096772162, 7.0], [703.2945570859736, 431.13668284509566, 815.4906745607918, 769.7170376834038, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[697.7, 444.35, 802.26, 760.03, 2.0486], [586.01, 446.72, 724.3, 863.58, 1.605], [809.68, 442.1, 900.5759999999999, 716.79, 0.90793], [524.81, 455.88, 546.784, 523.802, 0.66566]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [701.0, 435.0, 821.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1210.0, 446.0, 1248.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [569.0, 437.0, 715.0, 866.0, 1.0], [818.0, 446.0, 903.0, 717.0, 1.0], [582.0, 447.0, 700.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [481.0, 468.0, 521.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [404.0, 466.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [464.0, 456.0, 494.0, 538.0, 1.0], [592.0, 455.0, 636.0, 594.0, 1.0], [860.0, 439.0, 948.0, 675.0, 1.0], [1117.0, 453.0, 1152.0, 542.0, 1.0], [824.0, 442.0, 865.0, 571.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [965.0, 450.0, 988.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 453.0, 832.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 142, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 1, "age": 57}], "unmatched": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]], "unmatched_before_before": []}, "ret_dets": [[697.7, 444.35, 802.26, 760.03, 2.0486], [586.01, 446.72, 724.3, 863.58, 1.605], [809.68, 442.1, 900.5759999999999, 716.79, 0.90793], [524.81, 455.88, 546.784, 523.802, 0.66566]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [701.0, 435.0, 821.0, 764.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1210.0, 446.0, 1248.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1131.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [569.0, 437.0, 715.0, 866.0, 1.0], [818.0, 446.0, 903.0, 717.0, 1.0], [582.0, 447.0, 700.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [481.0, 468.0, 521.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [404.0, 466.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [464.0, 456.0, 494.0, 538.0, 1.0], [592.0, 455.0, 636.0, 594.0, 1.0], [860.0, 439.0, 948.0, 675.0, 1.0], [1117.0, 453.0, 1152.0, 542.0, 1.0], [824.0, 442.0, 865.0, 571.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [740.0, 513.0, 790.0, 591.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [584.0, 463.0, 605.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [600.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [965.0, 450.0, 988.0, 521.0, 1.0], [949.0, 475.0, 970.0, 518.0, 1.0], [799.0, 453.0, 832.0, 535.0, 1.0], [546.0, 454.0, 568.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 143, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched_before_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]]}, "ret_ret": [[584.8958882650855, 444.01745237614773, 724.2149993843321, 863.9699313319952, 8.0], [810.8478305122411, 434.77862495421004, 905.4482701157266, 720.5947165197713, 7.0], [700.101005764233, 439.40976392078164, 807.6641471958616, 764.1002002049561, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 1.9577], [568.28, 419.0, 716.5699999999999, 865.86, 1.6372], [808.63, 434.36, 906.122, 728.83, 1.1255], [673.0, 321.0, 832.0, 800.0, 0.44092]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [704.0, 435.0, 828.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1209.0, 446.0, 1247.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [567.0, 437.0, 713.0, 869.0, 1.0], [820.0, 447.0, 905.0, 719.0, 1.0], [584.0, 447.0, 706.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [480.0, 468.0, 520.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [403.0, 467.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [465.0, 456.0, 495.0, 538.0, 1.0], [591.0, 455.0, 635.0, 594.0, 1.0], [862.0, 439.0, 949.0, 676.0, 1.0], [1118.0, 453.0, 1153.0, 542.0, 1.0], [824.0, 442.0, 868.0, 570.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 513.0, 790.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 454.0, 832.0, 535.0, 1.0], [546.0, 454.0, 567.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 143, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 1, "age": 58}], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]], "unmatched_before_before": [[529.4, 460.48, 551.374, 528.402, 0.39138], [1212.8, 446.72, 1246.6219999999998, 550.19, 0.31598]]}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 1.9577], [568.28, 419.0, 716.5699999999999, 865.86, 1.6372], [808.63, 434.36, 906.122, 728.83, 1.1255], [673.0, 321.0, 832.0, 800.0, 0.44092]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [704.0, 435.0, 828.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1052.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 790.0, 573.0, 0.0], [1209.0, 446.0, 1247.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [957.0, 436.0, 993.0, 549.0, 1.0], [567.0, 437.0, 713.0, 869.0, 1.0], [820.0, 447.0, 905.0, 719.0, 1.0], [584.0, 447.0, 706.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [480.0, 468.0, 520.0, 573.0, 1.0], [499.0, 455.0, 533.0, 560.0, 1.0], [403.0, 467.0, 464.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [465.0, 456.0, 495.0, 538.0, 1.0], [591.0, 455.0, 635.0, 594.0, 1.0], [862.0, 439.0, 949.0, 676.0, 1.0], [1118.0, 453.0, 1153.0, 542.0, 1.0], [824.0, 442.0, 868.0, 570.0, 1.0], [578.0, 455.0, 598.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 513.0, 790.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [525.0, 456.0, 555.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 454.0, 832.0, 535.0, 1.0], [546.0, 454.0, 567.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 144, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "unmatched": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]]}, "ret_ret": [[574.3854260917028, 428.2894416226683, 719.4896640005989, 865.5993342292066, 8.0], [810.0364052123963, 434.46364729233454, 906.5344811538508, 725.9626776755283, 7.0], [702.0830514137258, 434.1931085402899, 812.550882961878, 767.5931036966143, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[586.01, 446.72, 724.3, 863.58, 2.1741], [702.45, 430.92, 814.59, 769.33, 2.0275], [808.63, 434.36, 906.122, 728.83, 1.0744], [524.81, 455.88, 546.784, 523.802, 0.52751]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [705.0, 434.0, 830.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 789.0, 574.0, 0.0], [1207.0, 446.0, 1245.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [565.0, 437.0, 711.0, 872.0, 1.0], [822.0, 448.0, 907.0, 720.0, 1.0], [587.0, 447.0, 712.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [479.0, 467.0, 519.0, 573.0, 1.0], [499.0, 455.0, 534.0, 560.0, 1.0], [402.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [466.0, 456.0, 496.0, 539.0, 1.0], [590.0, 455.0, 634.0, 595.0, 1.0], [864.0, 438.0, 950.0, 676.0, 1.0], [1119.0, 453.0, 1155.0, 543.0, 1.0], [824.0, 442.0, 870.0, 569.0, 1.0], [579.0, 456.0, 599.0, 517.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 456.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 144, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 1, "age": 59}], "unmatched": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]], "unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.66566]]}, "ret_dets": [[586.01, 446.72, 724.3, 863.58, 2.1741], [702.45, 430.92, 814.59, 769.33, 2.0275], [808.63, 434.36, 906.122, 728.83, 1.0744], [524.81, 455.88, 546.784, 523.802, 0.52751]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [705.0, 434.0, 830.0, 765.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [747.0, 475.0, 789.0, 574.0, 0.0], [1207.0, 446.0, 1245.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1092.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [565.0, 437.0, 711.0, 872.0, 1.0], [822.0, 448.0, 907.0, 720.0, 1.0], [587.0, 447.0, 712.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [479.0, 467.0, 519.0, 573.0, 1.0], [499.0, 455.0, 534.0, 560.0, 1.0], [402.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [466.0, 456.0, 496.0, 539.0, 1.0], [590.0, 455.0, 634.0, 595.0, 1.0], [864.0, 438.0, 950.0, 676.0, 1.0], [1119.0, 453.0, 1155.0, 543.0, 1.0], [824.0, 442.0, 870.0, 569.0, 1.0], [579.0, 456.0, 599.0, 517.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [739.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 626.0, 529.0, 1.0], [583.0, 463.0, 604.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [964.0, 450.0, 987.0, 521.0, 1.0], [948.0, 475.0, 969.0, 518.0, 1.0], [798.0, 456.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 145, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched_before_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]]}, "ret_ret": [[581.8226309489781, 439.986526876644, 722.8583717249279, 865.0895170626594, 8.0], [809.67384285593, 434.3540882083894, 906.8852509681705, 727.9885517994662, 7.0], [702.8011256349087, 432.21637213418273, 814.3581852234884, 768.8811588755319, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[586.01, 446.72, 724.3, 863.58, 2.1114], [702.45, 430.92, 814.59, 769.33, 1.7439], [808.63, 434.36, 906.122, 728.83, 0.52021], [1209.6, 449.36, 1241.09, 545.83, 0.31801]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [706.0, 434.0, 833.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1206.0, 446.0, 1244.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [563.0, 437.0, 709.0, 875.0, 1.0], [824.0, 449.0, 909.0, 722.0, 1.0], [589.0, 447.0, 713.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [478.0, 467.0, 519.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [467.0, 457.0, 497.0, 539.0, 1.0], [589.0, 455.0, 633.0, 595.0, 1.0], [866.0, 438.0, 951.0, 676.0, 1.0], [1120.0, 453.0, 1156.0, 543.0, 1.0], [825.0, 442.0, 873.0, 568.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [582.0, 463.0, 603.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [947.0, 475.0, 968.0, 518.0, 1.0], [797.0, 457.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 145, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 1, "age": 60}], "unmatched": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]], "unmatched_before_before": [[673.0, 321.0, 832.0, 800.0, 0.44092]]}, "ret_dets": [[586.01, 446.72, 724.3, 863.58, 2.1114], [702.45, 430.92, 814.59, 769.33, 1.7439], [808.63, 434.36, 906.122, 728.83, 0.52021], [1209.6, 449.36, 1241.09, 545.83, 0.31801]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [706.0, 434.0, 833.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1206.0, 446.0, 1244.0, 545.0, 1.0], [1003.0, 445.0, 1039.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [563.0, 437.0, 709.0, 875.0, 1.0], [824.0, 449.0, 909.0, 722.0, 1.0], [589.0, 447.0, 713.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [478.0, 467.0, 519.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 463.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [467.0, 457.0, 497.0, 539.0, 1.0], [589.0, 455.0, 633.0, 595.0, 1.0], [866.0, 438.0, 951.0, 676.0, 1.0], [1120.0, 453.0, 1156.0, 543.0, 1.0], [825.0, 442.0, 873.0, 568.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 592.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [582.0, 463.0, 603.0, 530.0, 1.0], [558.0, 454.0, 582.0, 528.0, 1.0], [599.0, 456.0, 622.0, 525.0, 1.0], [524.0, 456.0, 554.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [947.0, 475.0, 968.0, 518.0, 1.0], [797.0, 457.0, 833.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 146, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]]}, "ret_ret": [[584.6568050954356, 444.4626906090223, 724.1057134281596, 864.803347881236, 8.0], [809.4839024959904, 434.3084916053714, 906.964644110077, 728.7490740019454, 7.0], [703.0294386119809, 431.4534826633384, 814.9992122397572, 769.35513178125, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[586.01, 446.72, 724.3, 863.58, 1.8213], [697.7, 444.35, 802.26, 760.03, 1.5071], [1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683], [824.12, 464.01, 908.862, 720.24, 0.3366]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [707.0, 434.0, 835.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1205.0, 446.0, 1243.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [561.0, 437.0, 707.0, 878.0, 1.0], [825.0, 449.0, 910.0, 723.0, 1.0], [591.0, 447.0, 715.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [477.0, 466.0, 517.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [468.0, 457.0, 498.0, 539.0, 1.0], [588.0, 455.0, 632.0, 596.0, 1.0], [868.0, 437.0, 952.0, 677.0, 1.0], [1121.0, 453.0, 1157.0, 543.0, 1.0], [825.0, 442.0, 876.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [523.0, 456.0, 553.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [946.0, 475.0, 967.0, 518.0, 1.0], [797.0, 458.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 146, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 63}, {"time_since_observed": 0, "confidence": 1, "age": 61}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]], "unmatched_before_before": [[524.81, 455.88, 546.784, 523.802, 0.52751]]}, "ret_dets": [[586.01, 446.72, 724.3, 863.58, 1.8213], [697.7, 444.35, 802.26, 760.03, 1.5071], [1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683], [824.12, 464.01, 908.862, 720.24, 0.3366]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [707.0, 434.0, 835.0, 766.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1205.0, 446.0, 1243.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [958.0, 436.0, 994.0, 549.0, 1.0], [561.0, 437.0, 707.0, 878.0, 1.0], [825.0, 449.0, 910.0, 723.0, 1.0], [591.0, 447.0, 715.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [477.0, 466.0, 517.0, 573.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [401.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [468.0, 457.0, 498.0, 539.0, 1.0], [588.0, 455.0, 632.0, 596.0, 1.0], [868.0, 437.0, 952.0, 677.0, 1.0], [1121.0, 453.0, 1157.0, 543.0, 1.0], [825.0, 442.0, 876.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [738.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [523.0, 456.0, 553.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [921.0, 441.0, 950.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 521.0, 1.0], [946.0, 475.0, 967.0, 518.0, 1.0], [797.0, 458.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 147, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]]}, "ret_ret": [[585.7169242785176, 446.1396576213448, 724.5531409550429, 864.6413210773343, 8.0], [819.1908656588982, 452.7760426585503, 909.0231194936393, 724.289085542116, 7.0], [699.824041633928, 439.47887684663505, 807.2952364090119, 763.8933563190667, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 1.8184], [586.01, 446.72, 724.3, 863.58, 1.3437], [1209.6, 449.36, 1241.09, 545.83, 0.50404], [717.57, 329.43, 865.86, 776.29, 0.42003], [498.3, 446.86, 540.171, 574.47, 0.39774]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [709.0, 434.0, 838.0, 767.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1203.0, 446.0, 1241.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 994.0, 550.0, 1.0], [559.0, 437.0, 705.0, 881.0, 1.0], [827.0, 450.0, 912.0, 724.0, 1.0], [593.0, 447.0, 717.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [476.0, 466.0, 516.0, 574.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [400.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [469.0, 457.0, 499.0, 540.0, 1.0], [587.0, 455.0, 631.0, 596.0, 1.0], [870.0, 437.0, 953.0, 677.0, 1.0], [1122.0, 453.0, 1158.0, 543.0, 1.0], [825.0, 442.0, 880.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [922.0, 441.0, 951.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 522.0, 1.0], [945.0, 475.0, 966.0, 518.0, 1.0], [797.0, 459.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 147, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 64}, {"time_since_observed": 0, "confidence": 1, "age": 62}], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.31801]]}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 1.8184], [586.01, 446.72, 724.3, 863.58, 1.3437], [1209.6, 449.36, 1241.09, 545.83, 0.50404], [717.57, 329.43, 865.86, 776.29, 0.42003], [498.3, 446.86, 540.171, 574.47, 0.39774]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [709.0, 434.0, 838.0, 767.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1203.0, 446.0, 1241.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 994.0, 550.0, 1.0], [559.0, 437.0, 705.0, 881.0, 1.0], [827.0, 450.0, 912.0, 724.0, 1.0], [593.0, 447.0, 717.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [476.0, 466.0, 516.0, 574.0, 1.0], [500.0, 455.0, 534.0, 560.0, 1.0], [400.0, 467.0, 462.0, 569.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [469.0, 457.0, 499.0, 540.0, 1.0], [587.0, 455.0, 631.0, 596.0, 1.0], [870.0, 437.0, 953.0, 677.0, 1.0], [1122.0, 453.0, 1158.0, 543.0, 1.0], [825.0, 442.0, 880.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [662.0, 462.0, 687.0, 534.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 789.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 529.0, 1.0], [581.0, 463.0, 602.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [599.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [922.0, 441.0, 951.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [963.0, 450.0, 986.0, 522.0, 1.0], [945.0, 475.0, 966.0, 518.0, 1.0], [797.0, 459.0, 834.0, 535.0, 1.0], [545.0, 454.0, 567.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 148, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]]}, "ret_ret": [[586.0979560446082, 446.74338712681185, 724.6976172346152, 864.5349786189046, 8.0], [820.9293158709695, 453.4392031261263, 910.8878139113006, 725.333812172656, 7.0], [701.8164907500034, 434.16667581650836, 812.2480341291159, 767.4577758923642, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 2.2993], [586.01, 446.72, 724.3, 863.58, 1.2862], [824.12, 464.01, 908.862, 720.24, 0.6211], [717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [711.0, 434.0, 837.0, 768.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1202.0, 446.0, 1240.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [557.0, 437.0, 703.0, 884.0, 1.0], [829.0, 451.0, 914.0, 726.0, 1.0], [595.0, 447.0, 718.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [475.0, 465.0, 514.0, 574.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [400.0, 468.0, 462.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [470.0, 457.0, 500.0, 540.0, 1.0], [586.0, 455.0, 630.0, 597.0, 1.0], [872.0, 436.0, 954.0, 677.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [826.0, 442.0, 884.0, 571.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 788.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [923.0, 441.0, 952.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [944.0, 475.0, 965.0, 518.0, 1.0], [796.0, 461.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 148, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 65}, {"time_since_observed": 0, "confidence": 1, "age": 63}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]], "unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 0.48665], [497.0, 449.0, 536.0, 568.0, 0.38349], [728.78, 390.88, 857.74, 779.76, 0.35683]]}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 2.2993], [586.01, 446.72, 724.3, 863.58, 1.2862], [824.12, 464.01, 908.862, 720.24, 0.6211], [717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [711.0, 434.0, 837.0, 768.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [704.0, 487.0, 748.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [746.0, 475.0, 789.0, 574.0, 0.0], [1202.0, 446.0, 1240.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [557.0, 437.0, 703.0, 884.0, 1.0], [829.0, 451.0, 914.0, 726.0, 1.0], [595.0, 447.0, 718.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [475.0, 465.0, 514.0, 574.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [400.0, 468.0, 462.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [470.0, 457.0, 500.0, 540.0, 1.0], [586.0, 455.0, 630.0, 597.0, 1.0], [872.0, 436.0, 954.0, 677.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [826.0, 442.0, 884.0, 571.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 514.0, 788.0, 593.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [522.0, 456.0, 552.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [923.0, 441.0, 952.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [944.0, 475.0, 965.0, 518.0, 1.0], [796.0, 461.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 149, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "unmatched": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]]}, "ret_ret": [[586.2209572095679, 446.9393292355634, 724.728375437552, 864.4540071283253, 8.0], [823.6795202921929, 461.4094782273583, 909.8640356344314, 721.9724656233307, 7.0], [702.554342126727, 432.15975301438823, 814.0956378780378, 768.7772077308631, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[702.45, 430.92, 814.59, 769.33, 2.3383], [568.28, 419.0, 716.5699999999999, 865.86, 1.1633], [824.12, 464.01, 908.862, 720.24, 0.61406], [705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [713.0, 435.0, 837.0, 770.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1201.0, 446.0, 1239.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [555.0, 437.0, 701.0, 887.0, 1.0], [831.0, 452.0, 916.0, 727.0, 1.0], [597.0, 447.0, 720.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 513.0, 575.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [399.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 457.0, 501.0, 540.0, 1.0], [585.0, 455.0, 629.0, 597.0, 1.0], [875.0, 436.0, 956.0, 678.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [831.0, 442.0, 886.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [924.0, 441.0, 953.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [943.0, 475.0, 964.0, 518.0, 1.0], [796.0, 462.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 149, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 148}, {"time_since_observed": 0, "confidence": 1, "age": 66}, {"time_since_observed": 0, "confidence": 1, "age": 64}], "unmatched": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.50404], [498.3, 446.86, 540.171, 574.47, 0.39774], [717.57, 329.43, 865.86, 776.29, 0.42003]]}, "ret_dets": [[702.45, 430.92, 814.59, 769.33, 2.3383], [568.28, 419.0, 716.5699999999999, 865.86, 1.1633], [824.12, 464.01, 908.862, 720.24, 0.61406], [705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [713.0, 435.0, 837.0, 770.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1201.0, 446.0, 1239.0, 545.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [959.0, 437.0, 995.0, 550.0, 1.0], [555.0, 437.0, 701.0, 887.0, 1.0], [831.0, 452.0, 916.0, 727.0, 1.0], [597.0, 447.0, 720.0, 789.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 513.0, 575.0, 1.0], [500.0, 455.0, 535.0, 560.0, 1.0], [399.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 457.0, 501.0, 540.0, 1.0], [585.0, 455.0, 629.0, 597.0, 1.0], [875.0, 436.0, 956.0, 678.0, 1.0], [1124.0, 454.0, 1160.0, 544.0, 1.0], [831.0, 442.0, 886.0, 570.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [737.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 519.0, 739.0, 587.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [580.0, 463.0, 601.0, 530.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [924.0, 441.0, 953.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [943.0, 475.0, 964.0, 518.0, 1.0], [796.0, 462.0, 835.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 150, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "unmatched": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched_before_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]]}, "ret_ret": [[574.7749013521667, 429.1946524606112, 719.5653723950842, 865.5624788504924, 8.0], [824.5226489954464, 463.40725733491564, 909.7865768045458, 721.2049680940527, 7.0], [702.8042001815589, 431.3901602034283, 814.7659726781118, 769.267756032108, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[704.29, 413.27, 824.55, 776.04, 2.3087], [568.28, 419.0, 716.5699999999999, 865.86, 1.1672], [498.3, 446.86, 540.171, 574.47, 0.70425], [824.12, 464.01, 908.862, 720.24, 0.44855]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [715.0, 436.0, 836.0, 771.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1200.0, 447.0, 1238.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [553.0, 438.0, 699.0, 891.0, 1.0], [833.0, 453.0, 918.0, 729.0, 1.0], [600.0, 448.0, 722.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 512.0, 576.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [472.0, 458.0, 503.0, 541.0, 1.0], [584.0, 456.0, 628.0, 598.0, 1.0], [879.0, 435.0, 957.0, 678.0, 1.0], [1125.0, 454.0, 1160.0, 544.0, 1.0], [836.0, 442.0, 889.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 520.0, 739.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 954.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [795.0, 463.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 150, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 149}, {"time_since_observed": 0, "confidence": 1, "age": 67}, {"time_since_observed": 0, "confidence": 1, "age": 65}], "unmatched": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]], "unmatched_before_before": [[717.57, 329.43, 865.86, 776.29, 0.57229], [497.0, 449.0, 536.0, 568.0, 0.3493]]}, "ret_dets": [[704.29, 413.27, 824.55, 776.04, 2.3087], [568.28, 419.0, 716.5699999999999, 865.86, 1.1672], [498.3, 446.86, 540.171, 574.47, 0.70425], [824.12, 464.01, 908.862, 720.24, 0.44855]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [715.0, 436.0, 836.0, 771.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1200.0, 447.0, 1238.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [553.0, 438.0, 699.0, 891.0, 1.0], [833.0, 453.0, 918.0, 729.0, 1.0], [600.0, 448.0, 722.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [474.0, 465.0, 512.0, 576.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 461.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [472.0, 458.0, 503.0, 541.0, 1.0], [584.0, 456.0, 628.0, 598.0, 1.0], [879.0, 435.0, 957.0, 678.0, 1.0], [1125.0, 454.0, 1160.0, 544.0, 1.0], [836.0, 442.0, 889.0, 569.0, 1.0], [579.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [695.0, 462.0, 720.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [699.0, 520.0, 739.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [600.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [557.0, 454.0, 581.0, 528.0, 1.0], [598.0, 456.0, 621.0, 525.0, 1.0], [521.0, 456.0, 551.0, 525.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 954.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [962.0, 451.0, 985.0, 522.0, 1.0], [795.0, 463.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 151, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "unmatched": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]]}, "ret_ret": [[570.4500881350998, 422.52705371198516, 717.5673691799525, 865.873873145877, 8.0], [824.8074504137317, 464.1162862487532, 909.73816082037, 720.9129395642425, 7.0], [704.1616843836891, 419.83881575961425, 821.4016929199861, 773.5546873450888, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[725.08, 430.92, 837.22, 769.33, 2.3727], [568.28, 419.0, 716.5699999999999, 865.86, 1.5027], [497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.30216]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [717.0, 437.0, 836.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1198.0, 447.0, 1236.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [551.0, 436.0, 698.0, 890.0, 1.0], [834.0, 452.0, 919.0, 729.0, 1.0], [602.0, 448.0, 724.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 511.0, 575.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [884.0, 435.0, 959.0, 679.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [842.0, 442.0, 891.0, 568.0, 1.0], [580.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 525.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 955.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 522.0, 1.0], [795.0, 464.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 151, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 1, "age": 66}], "unmatched": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]], "unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.60604], [497.0, 449.0, 536.0, 568.0, 0.56005]]}, "ret_dets": [[725.08, 430.92, 837.22, 769.33, 2.3727], [568.28, 419.0, 716.5699999999999, 865.86, 1.5027], [497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.30216]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [717.0, 437.0, 836.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1198.0, 447.0, 1236.0, 546.0, 1.0], [1002.0, 445.0, 1038.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 995.0, 550.0, 1.0], [551.0, 436.0, 698.0, 890.0, 1.0], [834.0, 452.0, 919.0, 729.0, 1.0], [602.0, 448.0, 724.0, 790.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 511.0, 575.0, 1.0], [501.0, 455.0, 535.0, 560.0, 1.0], [398.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [884.0, 435.0, 959.0, 679.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [842.0, 442.0, 891.0, 568.0, 1.0], [580.0, 455.0, 599.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [736.0, 515.0, 788.0, 594.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [579.0, 462.0, 600.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 525.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [925.0, 441.0, 955.0, 534.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 522.0, 1.0], [795.0, 464.0, 836.0, 535.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 152, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "unmatched": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched_before": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched_before_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]]}, "ret_ret": [[568.8214564121117, 420.0056265596593, 716.8152355818911, 865.9809477563088, 8.0], [827.5068930005483, 462.24183086967776, 916.2026104339392, 730.3358765407023, 7.0], [718.1081686606306, 426.6469077533397, 832.27061909999, 771.1286568469345, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[725.08, 430.92, 837.22, 769.33, 2.6483], [568.28, 419.0, 716.5699999999999, 865.86, 1.2975], [497.0, 449.0, 536.0, 568.0, 1.118], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.78746], [705.0, 321.0, 864.0, 800.0, 0.48164]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [719.0, 436.0, 837.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1197.0, 447.0, 1235.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [549.0, 434.0, 698.0, 890.0, 1.0], [835.0, 451.0, 920.0, 729.0, 1.0], [604.0, 448.0, 726.0, 791.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 510.0, 574.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [889.0, 435.0, 961.0, 680.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [847.0, 442.0, 894.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [926.0, 441.0, 956.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 152, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 1, "age": 67}], "unmatched": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched_before": [[497.0, 449.0, 536.0, 568.0, 0.62453], [875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]], "unmatched_before_before": [[498.3, 446.86, 540.171, 574.47, 0.70425]]}, "ret_dets": [[725.08, 430.92, 837.22, 769.33, 2.6483], [568.28, 419.0, 716.5699999999999, 865.86, 1.2975], [497.0, 449.0, 536.0, 568.0, 1.118], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.78746], [705.0, 321.0, 864.0, 800.0, 0.48164]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [719.0, 436.0, 837.0, 773.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1123.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [745.0, 475.0, 788.0, 575.0, 0.0], [1197.0, 447.0, 1235.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [549.0, 434.0, 698.0, 890.0, 1.0], [835.0, 451.0, 920.0, 729.0, 1.0], [604.0, 448.0, 726.0, 791.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 510.0, 574.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 468.0, 460.0, 570.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [583.0, 456.0, 627.0, 598.0, 1.0], [889.0, 435.0, 961.0, 680.0, 1.0], [1126.0, 455.0, 1161.0, 545.0, 1.0], [847.0, 442.0, 894.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [556.0, 454.0, 580.0, 527.0, 1.0], [598.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [926.0, 441.0, 956.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 153, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched_before_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]]}, "ret_ret": [[497.0, 449.0, 536.0, 568.0, 10.0], [568.2197594648804, 419.0574604956391, 716.5444048710834, 866.0249084232139, 8.0], [828.4959530054585, 461.549878625725, 918.5865285539297, 733.8265609226836, 7.0], [723.3640685183261, 429.27792380687634, 836.3285484327678, 770.1640911927436, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[725.08, 430.92, 837.22, 769.33, 2.5081], [568.28, 419.0, 716.5699999999999, 865.86, 1.0154], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.81309], [497.0, 449.0, 536.0, 568.0, 0.61256], [892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [721.0, 436.0, 838.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 575.0, 0.0], [1196.0, 447.0, 1234.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [547.0, 433.0, 698.0, 890.0, 1.0], [836.0, 450.0, 921.0, 729.0, 1.0], [607.0, 448.0, 728.0, 792.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 509.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 598.0, 1.0], [893.0, 435.0, 963.0, 681.0, 1.0], [1127.0, 455.0, 1161.0, 545.0, 1.0], [853.0, 442.0, 896.0, 566.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [927.0, 441.0, 957.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 153, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]], "unmatched_before_before": [[875.57, 429.71, 960.312, 685.94, 0.53376], [705.0, 321.0, 864.0, 800.0, 0.49236]]}, "ret_dets": [[725.08, 430.92, 837.22, 769.33, 2.5081], [568.28, 419.0, 716.5699999999999, 865.86, 1.0154], [828.06, 460.48, 918.9559999999999, 735.1700000000001, 0.81309], [497.0, 449.0, 536.0, 568.0, 0.61256], [892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [721.0, 436.0, 838.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 575.0, 0.0], [1196.0, 447.0, 1234.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [960.0, 437.0, 996.0, 550.0, 1.0], [547.0, 433.0, 698.0, 890.0, 1.0], [836.0, 450.0, 921.0, 729.0, 1.0], [607.0, 448.0, 728.0, 792.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 509.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 598.0, 1.0], [893.0, 435.0, 963.0, 681.0, 1.0], [1127.0, 455.0, 1161.0, 545.0, 1.0], [853.0, 442.0, 896.0, 566.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [735.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 625.0, 528.0, 1.0], [578.0, 462.0, 599.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [927.0, 441.0, 957.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [961.0, 451.0, 984.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 154, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]]}, "ret_ret": [[497.0, 449.0, 536.0, 568.0, 10.0], [568.0090410899828, 418.7085740527013, 716.4573910598825, 866.0469136956663, 8.0], [828.8159341295232, 461.2541948359236, 919.4331236310234, 735.1095730733772, 7.0], [725.2876597226903, 430.28346048102117, 837.7906854777395, 769.7844516985272, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[728.54, 413.27, 848.8, 776.04, 2.8972], [549.75, 412.56, 720.23, 926.01, 1.3527], [892.72, 429.71, 977.462, 685.94, 1.0319], [505.0, 449.0, 544.0, 568.0, 0.48652]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [723.0, 436.0, 840.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1194.0, 447.0, 1232.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [546.0, 431.0, 698.0, 890.0, 1.0], [837.0, 450.0, 922.0, 730.0, 1.0], [609.0, 448.0, 731.0, 793.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 508.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [898.0, 435.0, 965.0, 682.0, 1.0], [1128.0, 456.0, 1162.0, 546.0, 1.0], [858.0, 442.0, 899.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [928.0, 441.0, 958.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 154, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]], "unmatched_before_before": [[705.0, 321.0, 864.0, 800.0, 0.48164]]}, "ret_dets": [[728.54, 413.27, 848.8, 776.04, 2.8972], [549.75, 412.56, 720.23, 926.01, 1.3527], [892.72, 429.71, 977.462, 685.94, 1.0319], [505.0, 449.0, 544.0, 568.0, 0.48652]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [723.0, 436.0, 840.0, 774.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1194.0, 447.0, 1232.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [546.0, 431.0, 698.0, 890.0, 1.0], [837.0, 450.0, 922.0, 730.0, 1.0], [609.0, 448.0, 731.0, 793.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [473.0, 465.0, 508.0, 573.0, 1.0], [501.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [898.0, 435.0, 965.0, 682.0, 1.0], [1128.0, 456.0, 1162.0, 546.0, 1.0], [858.0, 442.0, 899.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 515.0, 787.0, 595.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 580.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [928.0, 441.0, 958.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 155, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "unmatched_before_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]]}, "ret_ret": [[503.81992511063197, 449.0, 542.819925110632, 568.0, 10.0], [555.996243023367, 414.824644473372, 718.6797224630795, 904.8948642334453, 8.0], [830.4203271306611, 462.2550981644512, 921.1061445787858, 736.3178778053682, 7.0], [728.2964558215554, 419.4256631825321, 845.7317158019375, 773.7266295827444, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[728.54, 413.27, 848.8, 776.04, 3.1365], [568.28, 419.0, 716.5699999999999, 865.86, 1.2443], [892.72, 429.71, 977.462, 685.94, 0.70477], [828.33, 454.06, 925.822, 748.53, 0.43201]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [725.0, 436.0, 841.0, 775.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1193.0, 447.0, 1231.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [544.0, 430.0, 698.0, 890.0, 1.0], [839.0, 449.0, 923.0, 730.0, 1.0], [612.0, 448.0, 733.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 507.0, 573.0, 1.0], [502.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [903.0, 435.0, 967.0, 683.0, 1.0], [1129.0, 455.0, 1162.0, 545.0, 1.0], [864.0, 442.0, 902.0, 564.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 516.0, 787.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [929.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 155, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 154}, {"time_since_observed": 1, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "unmatched_before": [[892.72, 429.71, 977.462, 685.94, 1.0319]], "unmatched_before_before": [[892.72, 429.71, 977.462, 685.94, 0.60489], [705.0, 321.0, 864.0, 800.0, 0.36742]]}, "ret_dets": [[728.54, 413.27, 848.8, 776.04, 3.1365], [568.28, 419.0, 716.5699999999999, 865.86, 1.2443], [892.72, 429.71, 977.462, 685.94, 0.70477], [828.33, 454.06, 925.822, 748.53, 0.43201]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [725.0, 436.0, 841.0, 775.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1193.0, 447.0, 1231.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 996.0, 551.0, 1.0], [544.0, 430.0, 698.0, 890.0, 1.0], [839.0, 449.0, 923.0, 730.0, 1.0], [612.0, 448.0, 733.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 507.0, 573.0, 1.0], [502.0, 455.0, 536.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [582.0, 456.0, 626.0, 599.0, 1.0], [903.0, 435.0, 967.0, 683.0, 1.0], [1129.0, 455.0, 1162.0, 545.0, 1.0], [864.0, 442.0, 902.0, 564.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [734.0, 516.0, 787.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [577.0, 462.0, 598.0, 529.0, 1.0], [555.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 620.0, 524.0, 1.0], [520.0, 456.0, 550.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [929.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 523.0, 1.0], [544.0, 454.0, 566.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 156, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[892.72, 429.71000000000004, 977.462, 685.94, 11.0], [563.3159508046862, 416.82228240820757, 717.395587271565, 881.0697715327425, 8.0], [829.2893065977121, 456.50070468222077, 925.0128179823462, 745.6729682981667, 7.0], [729.3789695526358, 415.3684017845547, 848.6441600941254, 775.157654105315, 2.0]], "ret_unmatched_trks_pos": [[507.46272551911943, 449.0, 546.4627255191194, 568.0, 10.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[728.54, 413.27, 848.8, 776.04, 2.8463], [568.28, 419.0, 716.5699999999999, 865.86, 1.3938], [828.33, 454.06, 925.822, 748.53, 0.64172], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548], [892.72, 429.71, 977.462, 685.94, 0.35279], [1009.1, 449.63, 1034.49, 527.8, 0.31112]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [728.0, 436.0, 843.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1192.0, 447.0, 1230.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 997.0, 551.0, 1.0], [542.0, 428.0, 698.0, 890.0, 1.0], [840.0, 448.0, 924.0, 730.0, 1.0], [614.0, 448.0, 735.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 506.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 599.0, 1.0], [905.0, 436.0, 973.0, 684.0, 1.0], [1130.0, 455.0, 1163.0, 545.0, 1.0], [866.0, 442.0, 905.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [520.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 156, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 1, "confidence": 0.036753863386342595, "age": 3}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[728.54, 413.27, 848.8, 776.04, 2.8463], [568.28, 419.0, 716.5699999999999, 865.86, 1.3938], [828.33, 454.06, 925.822, 748.53, 0.64172], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548], [892.72, 429.71, 977.462, 685.94, 0.35279], [1009.1, 449.63, 1034.49, 527.8, 0.31112]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [728.0, 436.0, 843.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [744.0, 475.0, 787.0, 576.0, 0.0], [1192.0, 447.0, 1230.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [961.0, 438.0, 997.0, 551.0, 1.0], [542.0, 428.0, 698.0, 890.0, 1.0], [840.0, 448.0, 924.0, 730.0, 1.0], [614.0, 448.0, 735.0, 794.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 506.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [397.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 599.0, 1.0], [905.0, 436.0, 973.0, 684.0, 1.0], [1130.0, 455.0, 1163.0, 545.0, 1.0], [866.0, 442.0, 905.0, 565.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [520.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 959.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [960.0, 452.0, 983.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 157, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched_before_before": []}, "ret_ret": [[892.72, 429.71000000000004, 977.462, 685.94, 11.0], [566.1936036481196, 417.7810367687297, 716.856220109492, 871.7686448676253, 8.0], [829.188740608516, 455.2680465304845, 926.0855918040314, 747.9567420035369, 7.0], [729.7065812250466, 413.84105863205133, 849.6626558655671, 775.7019913238876, 2.0]], "ret_unmatched_trks_pos": [[511.1055259276069, 449.0, 550.1055259276069, 568.0, 10.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[728.54, 413.27, 848.8, 776.04, 3.0189], [568.28, 419.0, 716.5699999999999, 865.86, 1.3543], [824.37, 444.35, 928.9300000000001, 760.03, 0.77193], [892.72, 429.71, 977.462, 685.94, 0.50526]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [731.0, 435.0, 845.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 787.0, 576.0, 0.0], [1190.0, 447.0, 1228.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [541.0, 426.0, 698.0, 890.0, 1.0], [841.0, 448.0, 925.0, 731.0, 1.0], [616.0, 448.0, 738.0, 795.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 600.0, 1.0], [908.0, 437.0, 979.0, 686.0, 1.0], [1131.0, 455.0, 1164.0, 544.0, 1.0], [869.0, 442.0, 908.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 960.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 157, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 2, "confidence": 0.027446988853629964, "age": 4}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]], "unmatched_before_before": []}, "ret_dets": [[728.54, 413.27, 848.8, 776.04, 3.0189], [568.28, 419.0, 716.5699999999999, 865.86, 1.3543], [824.37, 444.35, 928.9300000000001, 760.03, 0.77193], [892.72, 429.71, 977.462, 685.94, 0.50526]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [731.0, 435.0, 845.0, 776.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 787.0, 576.0, 0.0], [1190.0, 447.0, 1228.0, 546.0, 1.0], [1001.0, 445.0, 1037.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [541.0, 426.0, 698.0, 890.0, 1.0], [841.0, 448.0, 925.0, 731.0, 1.0], [616.0, 448.0, 738.0, 795.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [472.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 414.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [581.0, 456.0, 625.0, 600.0, 1.0], [908.0, 437.0, 979.0, 686.0, 1.0], [1131.0, 455.0, 1164.0, 544.0, 1.0], [869.0, 442.0, 908.0, 567.0, 1.0], [580.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [733.0, 516.0, 786.0, 596.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [576.0, 462.0, 597.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [930.0, 441.0, 960.0, 535.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 158, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]]}, "ret_ret": [[892.72, 429.71000000000004, 977.462, 685.94, 11.0], [567.3162404775289, 418.1891246069151, 716.6510728331323, 868.1892828580033, 8.0], [826.6105731370859, 448.6599262214749, 928.4177443844295, 756.0865198781557, 7.0], [729.7493516505909, 413.2707723969942, 849.9674782489559, 775.9174213516786, 2.0]], "ret_unmatched_trks_pos": [[514.7483263360944, 449.0, 553.7483263360944, 568.0, 10.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[728.54, 413.27, 848.8, 776.04, 2.8282], [568.28, 419.0, 716.5699999999999, 865.86, 1.3755], [824.37, 444.35, 928.9300000000001, 760.03, 0.79445], [721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [735.0, 435.0, 848.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 576.0, 0.0], [1189.0, 447.0, 1227.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [539.0, 425.0, 698.0, 890.0, 1.0], [842.0, 447.0, 926.0, 731.0, 1.0], [619.0, 448.0, 740.0, 796.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [911.0, 438.0, 985.0, 688.0, 1.0], [1132.0, 454.0, 1165.0, 544.0, 1.0], [872.0, 442.0, 912.0, 569.0, 1.0], [581.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 786.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [931.0, 441.0, 961.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 158, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 157}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 3, "confidence": 0.023146088545333385, "age": 5}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1009.1, 449.63, 1034.49, 527.8, 0.31112], [721.23, 309.67, 891.71, 823.1200000000001, 0.37548]]}, "ret_dets": [[728.54, 413.27, 848.8, 776.04, 2.8282], [568.28, 419.0, 716.5699999999999, 865.86, 1.3755], [824.37, 444.35, 928.9300000000001, 760.03, 0.79445], [721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [735.0, 435.0, 848.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 576.0, 0.0], [1189.0, 447.0, 1227.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [539.0, 425.0, 698.0, 890.0, 1.0], [842.0, 447.0, 926.0, 731.0, 1.0], [619.0, 448.0, 740.0, 796.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 505.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [471.0, 458.0, 502.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [911.0, 438.0, 985.0, 688.0, 1.0], [1132.0, 454.0, 1165.0, 544.0, 1.0], [872.0, 442.0, 912.0, 569.0, 1.0], [581.0, 455.0, 600.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 719.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 786.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [554.0, 454.0, 579.0, 527.0, 1.0], [597.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [931.0, 441.0, 961.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [959.0, 452.0, 982.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 159, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 3}], "unmatched": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "unmatched_before": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "unmatched_before_before": []}, "ret_ret": [[567.7576285836351, 418.36357419152205, 716.5800744663577, 866.824874723013, 8.0], [825.62213733474, 446.21703265955284, 929.227540154598, 759.0374032822974, 7.0], [729.6900826915612, 413.06416517934633, 850.00735432067, 776.0080601010187, 2.0]], "ret_unmatched_trks_pos": [[518.3911267445818, 449.0, 557.3911267445818, 568.0, 10.0], [892.72, 429.71000000000004, 977.462, 685.94, 11.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[747.7, 430.92, 859.84, 769.33, 2.6498], [568.28, 419.0, 716.5699999999999, 865.86, 1.4716], [737.0, 321.0, 896.0, 800.0, 0.99212]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [738.0, 435.0, 850.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 577.0, 0.0], [1188.0, 447.0, 1226.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [537.0, 423.0, 698.0, 890.0, 1.0], [843.0, 446.0, 927.0, 731.0, 1.0], [621.0, 448.0, 742.0, 797.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 504.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [913.0, 438.0, 989.0, 689.0, 1.0], [1133.0, 454.0, 1166.0, 543.0, 1.0], [875.0, 441.0, 914.0, 568.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [932.0, 441.0, 962.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 159, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 158}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 1, "age": 74}, {"time_since_observed": 1, "confidence": 0.19267713245500348, "age": 3}], "unmatched": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "unmatched_before": [[721.23, 309.67, 891.71, 823.1200000000001, 0.38495]], "unmatched_before_before": []}, "ret_dets": [[747.7, 430.92, 859.84, 769.33, 2.6498], [568.28, 419.0, 716.5699999999999, 865.86, 1.4716], [737.0, 321.0, 896.0, 800.0, 0.99212]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [738.0, 435.0, 850.0, 777.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 487.0, 747.0, 578.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 475.0, 786.0, 577.0, 0.0], [1188.0, 447.0, 1226.0, 546.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [962.0, 438.0, 997.0, 551.0, 1.0], [537.0, 423.0, 698.0, 890.0, 1.0], [843.0, 446.0, 927.0, 731.0, 1.0], [621.0, 448.0, 742.0, 797.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 504.0, 573.0, 1.0], [502.0, 455.0, 537.0, 560.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 456.0, 624.0, 600.0, 1.0], [913.0, 438.0, 989.0, 689.0, 1.0], [1133.0, 454.0, 1166.0, 543.0, 1.0], [875.0, 441.0, 914.0, 568.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [732.0, 516.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 528.0, 1.0], [575.0, 462.0, 596.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [932.0, 441.0, 962.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [596.0, 423.0, 614.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 160, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[567.9361140563027, 418.44515990429585, 716.560302267049, 866.3109952883613, 8.0], [767.6792333795227, 363.2229392509097, 908.4637943608775, 787.7107673604299, 7.0], [741.9493415830785, 424.03778408307437, 857.3223406045319, 772.1517521638842, 2.0]], "ret_unmatched_trks_pos": [[892.72, 429.71000000000004, 977.462, 685.94, 11.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[747.7, 430.92, 859.84, 769.33, 2.5077], [568.28, 419.0, 716.5699999999999, 865.86, 1.4576], [721.23, 309.67, 891.71, 823.1200000000001, 0.91851], [848.03, 454.06, 945.5219999999999, 748.53, 0.41935]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [742.0, 435.0, 853.0, 778.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 476.0, 786.0, 577.0, 0.0], [1187.0, 448.0, 1225.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 698.0, 890.0, 1.0], [845.0, 446.0, 929.0, 732.0, 1.0], [624.0, 448.0, 745.0, 798.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 457.0, 624.0, 601.0, 1.0], [915.0, 439.0, 993.0, 690.0, 1.0], [1135.0, 454.0, 1167.0, 543.0, 1.0], [878.0, 441.0, 917.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [933.0, 441.0, 963.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 160, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 1, "age": 75}, {"time_since_observed": 2, "confidence": 0.1051975675034723, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.7, 430.92, 859.84, 769.33, 2.5077], [568.28, 419.0, 716.5699999999999, 865.86, 1.4576], [721.23, 309.67, 891.71, 823.1200000000001, 0.91851], [848.03, 454.06, 945.5219999999999, 748.53, 0.41935]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [742.0, 435.0, 853.0, 778.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [743.0, 476.0, 786.0, 577.0, 0.0], [1187.0, 448.0, 1225.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 438.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 698.0, 890.0, 1.0], [845.0, 446.0, 929.0, 732.0, 1.0], [624.0, 448.0, 745.0, 798.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [398.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [580.0, 457.0, 624.0, 601.0, 1.0], [915.0, 439.0, 993.0, 690.0, 1.0], [1135.0, 454.0, 1167.0, 543.0, 1.0], [878.0, 441.0, 917.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [694.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 597.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [599.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 619.0, 524.0, 1.0], [519.0, 456.0, 549.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [933.0, 441.0, 963.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 524.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 161, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[850.8184733803264, 452.4574035891065, 947.542997244765, 744.6760470680063, 11.0], [568.012983958876, 418.4901069795021, 716.559339025174, 866.1221489331281, 8.0], [736.51131558002, 327.7105833963665, 896.6791768398728, 810.3085314832974, 7.0], [746.5618939209477, 428.31114104910296, 859.9896150476546, 770.5874762535481, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.7, 430.92, 859.84, 769.33, 2.5089], [549.75, 412.56, 720.23, 926.01, 1.4718], [721.23, 309.67, 891.71, 823.1200000000001, 1.0362], [848.03, 434.36, 945.5219999999999, 728.83, 0.56652]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [744.0, 435.0, 855.0, 779.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 786.0, 577.0, 0.0], [1185.0, 448.0, 1223.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 704.0, 891.0, 1.0], [847.0, 446.0, 938.0, 732.0, 1.0], [626.0, 447.0, 746.0, 799.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 574.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [918.0, 440.0, 998.0, 692.0, 1.0], [1136.0, 454.0, 1168.0, 543.0, 1.0], [881.0, 441.0, 920.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 964.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 161, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.7, 430.92, 859.84, 769.33, 2.5089], [549.75, 412.56, 720.23, 926.01, 1.4718], [721.23, 309.67, 891.71, 823.1200000000001, 1.0362], [848.03, 434.36, 945.5219999999999, 728.83, 0.56652]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [744.0, 435.0, 855.0, 779.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 786.0, 577.0, 0.0], [1185.0, 448.0, 1223.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 704.0, 891.0, 1.0], [847.0, 446.0, 938.0, 732.0, 1.0], [626.0, 447.0, 746.0, 799.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 503.0, 574.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [918.0, 440.0, 998.0, 692.0, 1.0], [1136.0, 454.0, 1168.0, 543.0, 1.0], [881.0, 441.0, 920.0, 567.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [731.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [553.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 964.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [958.0, 453.0, 981.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 162, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[846.3146445787996, 440.7786545220589, 944.2574412665896, 736.6345482503651, 11.0], [556.1057736553711, 414.7738892898303, 718.7995079202921, 904.8743198415193, 8.0], [725.0563574517548, 315.12068227047854, 892.0354594009161, 818.108699829902, 7.0], [748.2302892105254, 429.94999134660253, 860.9057315644163, 769.968352823332, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.7, 430.92, 859.84, 769.33, 2.3595], [568.28, 448.86, 716.5699999999999, 895.72, 1.289], [737.0, 321.0, 896.0, 800.0, 1.2641], [848.03, 454.06, 945.5219999999999, 748.53, 1.0195], [655.79, 437.53, 776.05, 800.3, 0.75404]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [746.0, 435.0, 858.0, 780.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1184.0, 448.0, 1222.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 710.0, 892.0, 1.0], [850.0, 446.0, 947.0, 732.0, 1.0], [628.0, 447.0, 747.0, 800.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [920.0, 439.0, 998.0, 692.0, 1.0], [1137.0, 454.0, 1169.0, 543.0, 1.0], [885.0, 441.0, 922.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 965.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 162, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.7, 430.92, 859.84, 769.33, 2.3595], [568.28, 448.86, 716.5699999999999, 895.72, 1.289], [737.0, 321.0, 896.0, 800.0, 1.2641], [848.03, 454.06, 945.5219999999999, 748.53, 1.0195], [655.79, 437.53, 776.05, 800.3, 0.75404]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [746.0, 435.0, 858.0, 780.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1184.0, 448.0, 1222.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 998.0, 552.0, 1.0], [536.0, 422.0, 710.0, 892.0, 1.0], [850.0, 446.0, 947.0, 732.0, 1.0], [628.0, 447.0, 747.0, 800.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [503.0, 455.0, 538.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [399.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [579.0, 457.0, 623.0, 601.0, 1.0], [920.0, 439.0, 998.0, 692.0, 1.0], [1137.0, 454.0, 1169.0, 543.0, 1.0], [885.0, 441.0, 922.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 785.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 578.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [519.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [934.0, 441.0, 965.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 163, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "unmatched": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched_before_before": []}, "ret_ret": [[844.9617888770248, 450.5755880500849, 943.2766886845556, 747.5403482793477, 11.0], [563.4506514733414, 436.31539283273446, 717.5195243001422, 900.5302042908106, 8.0], [730.9824459092868, 317.3168793759271, 893.3773172797121, 806.5257495776416, 7.0], [748.7762852472905, 430.570632343101, 861.1626057147354, 769.7211198667645, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[752.8, 413.27, 873.06, 776.04, 2.5763], [848.03, 454.06, 945.5219999999999, 748.53, 1.4135], [549.75, 412.56, 720.23, 926.01, 1.3902], [721.23, 309.67, 891.71, 823.1200000000001, 1.2316]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [748.0, 435.0, 860.0, 781.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1182.0, 448.0, 1220.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 716.0, 893.0, 1.0], [853.0, 446.0, 956.0, 733.0, 1.0], [630.0, 447.0, 749.0, 801.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [400.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 623.0, 601.0, 1.0], [923.0, 438.0, 999.0, 692.0, 1.0], [1138.0, 454.0, 1170.0, 543.0, 1.0], [888.0, 441.0, 925.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 784.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [935.0, 441.0, 966.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 163, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 7}], "unmatched": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]], "unmatched_before_before": []}, "ret_dets": [[752.8, 413.27, 873.06, 776.04, 2.5763], [848.03, 454.06, 945.5219999999999, 748.53, 1.4135], [549.75, 412.56, 720.23, 926.01, 1.3902], [721.23, 309.67, 891.71, 823.1200000000001, 1.2316]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [748.0, 435.0, 860.0, 781.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1182.0, 448.0, 1220.0, 547.0, 1.0], [1000.0, 445.0, 1036.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [963.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 716.0, 893.0, 1.0], [853.0, 446.0, 956.0, 733.0, 1.0], [630.0, 447.0, 749.0, 801.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [400.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 623.0, 601.0, 1.0], [923.0, 438.0, 999.0, 692.0, 1.0], [1138.0, 454.0, 1170.0, 543.0, 1.0], [888.0, 441.0, 925.0, 566.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [730.0, 517.0, 784.0, 598.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 624.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [596.0, 456.0, 618.0, 524.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [935.0, 441.0, 966.0, 536.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [543.0, 454.0, 565.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 164, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]]}, "ret_ret": [[844.7750503019479, 453.98727081678595, 943.1535195293234, 751.1383327763594, 11.0], [554.4776525668575, 421.70517567414834, 719.1160077863432, 917.639586624883, 8.0], [723.2515434085162, 311.36413090556454, 891.040476001976, 816.7524411419299, 7.0], [752.3261460057724, 419.5605454093512, 869.7125493670535, 773.7147812229208, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[752.8, 413.27, 873.06, 776.04, 2.4024], [549.75, 412.56, 720.23, 926.01, 1.2132], [721.23, 309.67, 891.71, 823.1200000000001, 1.1409], [848.03, 454.06, 945.5219999999999, 748.53, 0.93789]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [750.0, 435.0, 863.0, 782.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1181.0, 448.0, 1219.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 723.0, 894.0, 1.0], [856.0, 446.0, 965.0, 733.0, 1.0], [633.0, 447.0, 750.0, 802.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [401.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [926.0, 437.0, 999.0, 692.0, 1.0], [1139.0, 454.0, 1171.0, 543.0, 1.0], [891.0, 441.0, 928.0, 565.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 517.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [936.0, 441.0, 967.0, 537.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 164, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[655.79, 437.53, 776.05, 800.3, 0.75404]]}, "ret_dets": [[752.8, 413.27, 873.06, 776.04, 2.4024], [549.75, 412.56, 720.23, 926.01, 1.2132], [721.23, 309.67, 891.71, 823.1200000000001, 1.1409], [848.03, 454.06, 945.5219999999999, 748.53, 0.93789]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [750.0, 435.0, 863.0, 782.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [742.0, 476.0, 785.0, 577.0, 0.0], [1181.0, 448.0, 1219.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1091.0, 437.0, 1130.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 723.0, 894.0, 1.0], [856.0, 446.0, 965.0, 733.0, 1.0], [633.0, 447.0, 750.0, 802.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [504.0, 455.0, 539.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [401.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [926.0, 437.0, 999.0, 692.0, 1.0], [1139.0, 454.0, 1171.0, 543.0, 1.0], [891.0, 441.0, 928.0, 565.0, 1.0], [581.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 517.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [574.0, 462.0, 595.0, 529.0, 1.0], [552.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 456.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [936.0, 441.0, 967.0, 537.0, 1.0], [585.0, 422.0, 605.0, 465.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [957.0, 453.0, 980.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 165, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[844.978759138816, 455.0890622389836, 943.3171244254158, 752.1168137724528, 11.0], [551.1612853110732, 416.32702323763556, 719.6596642907382, 923.8393711562048, 8.0], [720.4597464854478, 309.2293491355622, 890.2589773300933, 820.6457287504918, 7.0], [753.6109453866384, 415.445393817511, 872.8517916186468, 775.1614659136909, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 3.0699], [549.75, 412.56, 720.23, 926.01, 1.7467], [848.03, 454.06, 945.5219999999999, 748.53, 1.0041], [687.71, 359.28, 836.0, 806.14, 0.42208]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [752.0, 435.0, 865.0, 783.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1179.0, 448.0, 1217.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 729.0, 895.0, 1.0], [859.0, 446.0, 974.0, 734.0, 1.0], [635.0, 447.0, 752.0, 803.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [402.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [929.0, 437.0, 1000.0, 693.0, 1.0], [1140.0, 455.0, 1172.0, 544.0, 1.0], [895.0, 441.0, 931.0, 565.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 457.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [937.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 165, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 3.0699], [549.75, 412.56, 720.23, 926.01, 1.7467], [848.03, 454.06, 945.5219999999999, 748.53, 1.0041], [687.71, 359.28, 836.0, 806.14, 0.42208]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [752.0, 435.0, 865.0, 783.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 729.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1179.0, 448.0, 1217.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 999.0, 552.0, 1.0], [536.0, 422.0, 729.0, 895.0, 1.0], [859.0, 446.0, 974.0, 734.0, 1.0], [635.0, 447.0, 752.0, 803.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [402.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [578.0, 457.0, 622.0, 601.0, 1.0], [929.0, 437.0, 1000.0, 693.0, 1.0], [1140.0, 455.0, 1172.0, 544.0, 1.0], [895.0, 441.0, 931.0, 565.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [729.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 618.0, 523.0, 1.0], [518.0, 457.0, 548.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [937.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 525.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 166, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[845.2808760590847, 455.35309838945096, 943.5520858888483, 752.1771784039906, 11.0], [549.9313888761538, 414.2513465433268, 719.8778218013507, 926.1061328818652, 8.0], [697.1271829315515, 339.33995595095723, 854.2164834131506, 812.624049014676, 7.0], [755.3894469298746, 416.52006847766756, 880.8266416369056, 794.8349718500099, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 2.8135], [549.75, 412.56, 720.23, 926.01, 1.7267], [848.03, 434.36, 945.5219999999999, 728.83, 1.0679], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [754.0, 435.0, 868.0, 784.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1178.0, 448.0, 1216.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 735.0, 896.0, 1.0], [861.0, 446.0, 979.0, 734.0, 1.0], [637.0, 447.0, 753.0, 805.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [403.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 622.0, 601.0, 1.0], [931.0, 436.0, 1003.0, 693.0, 1.0], [1141.0, 455.0, 1173.0, 544.0, 1.0], [898.0, 441.0, 935.0, 567.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [938.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 166, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 2.8135], [549.75, 412.56, 720.23, 926.01, 1.7267], [848.03, 434.36, 945.5219999999999, 728.83, 1.0679], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [754.0, 435.0, 868.0, 784.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [703.0, 488.0, 747.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 785.0, 578.0, 0.0], [1178.0, 448.0, 1216.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [964.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 735.0, 896.0, 1.0], [861.0, 446.0, 979.0, 734.0, 1.0], [637.0, 447.0, 753.0, 805.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [487.0, 458.0, 517.0, 561.0, 1.0], [403.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 622.0, 601.0, 1.0], [931.0, 436.0, 1003.0, 693.0, 1.0], [1141.0, 455.0, 1173.0, 544.0, 1.0], [898.0, 441.0, 935.0, 567.0, 1.0], [582.0, 455.0, 601.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 718.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 784.0, 599.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 577.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [938.0, 441.0, 968.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 167, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched_before_before": []}, "ret_ret": [[845.5818540993156, 442.21656165410536, 943.7850221509105, 738.8348072568167, 11.0], [549.4875638721597, 413.41234453362, 719.9806092425493, 926.9061478252383, 8.0], [690.719522702777, 337.7415450545342, 848.5556861270735, 813.2758126966218, 7.0], [756.0054148292793, 417.0210166999651, 883.729871851853, 802.1977638272475, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[752.8, 413.27, 873.06, 776.04, 2.7363], [549.75, 412.56, 720.23, 926.01, 1.5532], [846.44, 460.48, 937.336, 735.1700000000001, 1.1447], [721.23, 309.67, 891.71, 823.1200000000001, 0.9202]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [756.0, 435.0, 870.0, 785.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1176.0, 448.0, 1214.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 742.0, 897.0, 1.0], [863.0, 446.0, 984.0, 735.0, 1.0], [639.0, 447.0, 755.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [404.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 621.0, 601.0, 1.0], [933.0, 435.0, 1006.0, 694.0, 1.0], [1142.0, 455.0, 1174.0, 544.0, 1.0], [902.0, 441.0, 939.0, 570.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 969.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 167, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 166}, {"time_since_observed": 1, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 11}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]], "unmatched_before_before": []}, "ret_dets": [[752.8, 413.27, 873.06, 776.04, 2.7363], [549.75, 412.56, 720.23, 926.01, 1.5532], [846.44, 460.48, 937.336, 735.1700000000001, 1.1447], [721.23, 309.67, 891.71, 823.1200000000001, 0.9202]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [756.0, 435.0, 870.0, 785.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1176.0, 448.0, 1214.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 742.0, 897.0, 1.0], [863.0, 446.0, 984.0, 735.0, 1.0], [639.0, 447.0, 755.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [505.0, 456.0, 540.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [404.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [470.0, 458.0, 501.0, 541.0, 1.0], [577.0, 457.0, 621.0, 601.0, 1.0], [933.0, 435.0, 1006.0, 694.0, 1.0], [1142.0, 455.0, 1174.0, 544.0, 1.0], [902.0, 441.0, 939.0, 570.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [728.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [551.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 969.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [956.0, 454.0, 979.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 168, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]]}, "ret_ret": [[844.7263765348946, 454.2999400030742, 938.6412408252061, 738.0566785798353, 11.0], [549.3408936997685, 413.0465488798069, 720.0390820227965, 927.1554123612385, 8.0], [712.9635450643104, 316.4716553708478, 880.2322116373191, 820.298067297291, 7.0], [754.7003338530765, 414.35521680849206, 877.9298272348976, 786.0422375254748, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 2.3855], [549.75, 412.56, 720.23, 926.01, 1.5616], [864.82, 460.48, 955.716, 735.1700000000001, 1.1921]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [759.0, 436.0, 873.0, 787.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1175.0, 448.0, 1213.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 748.0, 898.0, 1.0], [866.0, 446.0, 990.0, 736.0, 1.0], [642.0, 447.0, 756.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [405.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [936.0, 434.0, 1010.0, 695.0, 1.0], [1143.0, 455.0, 1175.0, 544.0, 1.0], [906.0, 441.0, 943.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 970.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 168, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.43943]]}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 2.3855], [549.75, 412.56, 720.23, 926.01, 1.5616], [864.82, 460.48, 955.716, 735.1700000000001, 1.1921]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [759.0, 436.0, 873.0, 787.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [741.0, 476.0, 784.0, 578.0, 0.0], [1175.0, 448.0, 1213.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1092.0, 437.0, 1131.0, 546.0, 1.0], [965.0, 439.0, 1000.0, 552.0, 1.0], [536.0, 422.0, 748.0, 898.0, 1.0], [866.0, 446.0, 990.0, 736.0, 1.0], [642.0, 447.0, 756.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [405.0, 469.0, 460.0, 571.0, 1.0], [372.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [936.0, 434.0, 1010.0, 695.0, 1.0], [1143.0, 455.0, 1175.0, 544.0, 1.0], [906.0, 441.0, 943.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [698.0, 520.0, 738.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [595.0, 456.0, 617.0, 523.0, 1.0], [518.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [939.0, 441.0, 970.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 169, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[856.7171777229541, 458.87315997930716, 948.9380251420503, 737.5457458570801, 11.0], [549.3056717299306, 412.8655748616137, 720.0790440303439, 927.1998102623967, 8.0], [709.5601753424692, 314.70088801410066, 877.3062802533875, 819.9653818576985, 7.0], [755.5601889509394, 416.1321457191408, 882.4591002411751, 798.8312929090879, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[752.8, 413.27, 873.06, 776.04, 2.2496], [549.75, 412.56, 720.23, 926.01, 1.3603], [848.03, 454.06, 945.5219999999999, 748.53, 1.2788], [721.23, 309.67, 891.71, 823.1200000000001, 0.59096]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [760.0, 436.0, 875.0, 788.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 578.0, 0.0], [1173.0, 448.0, 1211.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [965.0, 439.0, 1001.0, 552.0, 1.0], [536.0, 422.0, 754.0, 899.0, 1.0], [868.0, 445.0, 991.0, 737.0, 1.0], [644.0, 447.0, 758.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [406.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [938.0, 433.0, 1014.0, 695.0, 1.0], [1144.0, 455.0, 1176.0, 544.0, 1.0], [907.0, 441.0, 944.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [940.0, 441.0, 971.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 169, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 168}, {"time_since_observed": 1, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[752.8, 413.27, 873.06, 776.04, 2.2496], [549.75, 412.56, 720.23, 926.01, 1.3603], [848.03, 454.06, 945.5219999999999, 748.53, 1.2788], [721.23, 309.67, 891.71, 823.1200000000001, 0.59096]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [760.0, 436.0, 875.0, 788.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 578.0, 0.0], [1173.0, 448.0, 1211.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [965.0, 439.0, 1001.0, 552.0, 1.0], [536.0, 422.0, 754.0, 899.0, 1.0], [868.0, 445.0, 991.0, 737.0, 1.0], [644.0, 447.0, 758.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [506.0, 456.0, 541.0, 561.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [406.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 457.0, 621.0, 601.0, 1.0], [938.0, 433.0, 1014.0, 695.0, 1.0], [1144.0, 455.0, 1176.0, 544.0, 1.0], [907.0, 441.0, 944.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 783.0, 600.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [573.0, 462.0, 594.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [940.0, 441.0, 971.0, 537.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 454.0, 978.0, 526.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 170, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[850.3040464605863, 456.3819836343865, 946.1551079847357, 745.94476303328, 11.0], [549.3111924970212, 412.7593776761258, 720.1102356691322, 927.1705207587718, 8.0], [717.948081592753, 310.61365892560855, 887.780280053793, 822.1257788146244, 7.0], [754.3812531110088, 414.0080024128489, 877.2829100886934, 784.7106325901203, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[752.8, 437.53, 873.06, 800.3, 2.0438], [864.82, 460.48, 955.716, 735.1700000000001, 1.7094], [577.0, 417.0, 736.0, 896.0, 1.2062], [858.74, 364.89, 987.7, 753.77, 0.6961], [755.53, 309.67, 926.01, 823.1200000000001, 0.52537]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [762.0, 437.0, 878.0, 789.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 579.0, 0.0], [1172.0, 448.0, 1210.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [536.0, 422.0, 761.0, 901.0, 1.0], [870.0, 445.0, 992.0, 738.0, 1.0], [646.0, 447.0, 759.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [407.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 458.0, 621.0, 601.0, 1.0], [941.0, 433.0, 1018.0, 696.0, 1.0], [1146.0, 456.0, 1178.0, 545.0, 1.0], [909.0, 441.0, 946.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 783.0, 601.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [941.0, 442.0, 972.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 455.0, 978.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 170, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[752.8, 437.53, 873.06, 800.3, 2.0438], [864.82, 460.48, 955.716, 735.1700000000001, 1.7094], [577.0, 417.0, 736.0, 896.0, 1.2062], [858.74, 364.89, 987.7, 753.77, 0.6961], [755.53, 309.67, 926.01, 823.1200000000001, 0.52537]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [762.0, 437.0, 878.0, 789.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 784.0, 579.0, 0.0], [1172.0, 448.0, 1210.0, 547.0, 1.0], [999.0, 445.0, 1035.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [536.0, 422.0, 761.0, 901.0, 1.0], [870.0, 445.0, 992.0, 738.0, 1.0], [646.0, 447.0, 759.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [471.0, 465.0, 502.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [407.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [576.0, 458.0, 621.0, 601.0, 1.0], [941.0, 433.0, 1018.0, 696.0, 1.0], [1146.0, 456.0, 1178.0, 545.0, 1.0], [909.0, 441.0, 946.0, 573.0, 1.0], [582.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [693.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 783.0, 601.0, 0.0], [909.0, 408.0, 935.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [598.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [550.0, 454.0, 576.0, 527.0, 1.0], [594.0, 456.0, 617.0, 523.0, 1.0], [517.0, 457.0, 547.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [941.0, 442.0, 972.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [955.0, 455.0, 978.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 171, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "unmatched": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched_before_before": []}, "ret_ret": [[858.9635810160589, 459.4617965010678, 951.918101856008, 740.3350768975747, 11.0], [566.9011148106287, 414.91405122540743, 730.6569484134067, 908.1921458456394, 8.0], [742.3680923604929, 309.52344711114654, 912.7088323791759, 822.5588583954476, 7.0], [753.8885852281812, 429.09802392204244, 875.2282747883514, 795.1113617264554, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 1.7248], [867.73, 454.06, 965.222, 748.53, 1.5477], [584.04, 412.56, 754.52, 926.01, 1.3358], [938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [764.0, 437.0, 880.0, 791.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1171.0, 448.0, 1209.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [540.0, 422.0, 762.0, 902.0, 1.0], [872.0, 445.0, 993.0, 739.0, 1.0], [649.0, 447.0, 761.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [470.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [944.0, 433.0, 1022.0, 696.0, 1.0], [1147.0, 455.0, 1179.0, 544.0, 1.0], [911.0, 441.0, 948.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [942.0, 442.0, 973.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [954.0, 455.0, 977.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 171, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 15}], "unmatched": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]], "unmatched_before_before": []}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 1.7248], [867.73, 454.06, 965.222, 748.53, 1.5477], [584.04, 412.56, 754.52, 926.01, 1.3358], [938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [764.0, 437.0, 880.0, 791.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1171.0, 448.0, 1209.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1001.0, 553.0, 1.0], [540.0, 422.0, 762.0, 902.0, 1.0], [872.0, 445.0, 993.0, 739.0, 1.0], [649.0, 447.0, 761.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [470.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [944.0, 433.0, 1022.0, 696.0, 1.0], [1147.0, 455.0, 1179.0, 544.0, 1.0], [911.0, 441.0, 948.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 527.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [942.0, 442.0, 973.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [954.0, 455.0, 977.0, 527.0, 1.0], [542.0, 454.0, 564.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 172, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched_before_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]]}, "ret_ret": [[864.2657186882544, 456.4926062406996, 960.3421796283625, 746.7298710627483, 11.0], [578.3870403991566, 413.4559708881332, 746.5348455785359, 919.9132133144035, 8.0], [742.5094179105645, 308.1449728059701, 913.1140241349374, 821.9751012398228, 7.0], [755.047973613965, 421.6640221941966, 881.2466566630594, 802.2619105850047, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 1.5665], [866.6, 444.35, 971.1600000000001, 760.03, 1.3802], [584.04, 412.56, 754.52, 926.01, 1.172], [505.0, 449.0, 544.0, 568.0, 0.51051], [938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [766.0, 438.0, 883.0, 792.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1169.0, 448.0, 1207.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [544.0, 422.0, 763.0, 903.0, 1.0], [875.0, 445.0, 995.0, 741.0, 1.0], [649.0, 447.0, 762.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [947.0, 433.0, 1027.0, 697.0, 1.0], [1148.0, 455.0, 1180.0, 544.0, 1.0], [913.0, 441.0, 950.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 974.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 172, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 171}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 16}], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]], "unmatched_before_before": [[858.74, 364.89, 987.7, 753.77, 0.6961]]}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 1.5665], [866.6, 444.35, 971.1600000000001, 760.03, 1.3802], [584.04, 412.56, 754.52, 926.01, 1.172], [505.0, 449.0, 544.0, 568.0, 0.51051], [938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [766.0, 438.0, 883.0, 792.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1088.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [740.0, 476.0, 783.0, 579.0, 0.0], [1169.0, 448.0, 1207.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1093.0, 437.0, 1132.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [544.0, 422.0, 763.0, 903.0, 1.0], [875.0, 445.0, 995.0, 741.0, 1.0], [649.0, 447.0, 762.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [575.0, 457.0, 621.0, 601.0, 1.0], [947.0, 433.0, 1027.0, 697.0, 1.0], [1148.0, 455.0, 1180.0, 544.0, 1.0], [913.0, 441.0, 950.0, 573.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 623.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 974.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 173, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 2, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched_before_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]]}, "ret_ret": [[865.5906571969517, 449.0159601327625, 967.419309650903, 756.5185318574606, 11.0], [582.7142440647614, 412.92245066556467, 752.5069741850951, 924.3146192467257, 8.0], [742.7167864735097, 306.9654080762034, 913.4531728778252, 821.1924345087884, 7.0], [755.4549487745384, 418.86579833446365, 883.4604620420142, 804.8848382932975, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[754.77, 416.87, 883.73, 805.75, 1.8469], [584.04, 412.56, 754.52, 926.01, 1.0491], [867.73, 454.06, 965.222, 748.53, 1.0483], [884.73, 364.89, 1013.69, 753.77, 0.68576], [505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [768.0, 438.0, 885.0, 793.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1168.0, 448.0, 1206.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [549.0, 422.0, 765.0, 904.0, 1.0], [877.0, 445.0, 996.0, 742.0, 1.0], [649.0, 447.0, 764.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [410.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [949.0, 433.0, 1034.0, 697.0, 1.0], [1149.0, 455.0, 1181.0, 544.0, 1.0], [916.0, 441.0, 953.0, 570.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 975.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 173, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 172}, {"time_since_observed": 2, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 17}], "unmatched": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.41726], [469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]], "unmatched_before_before": [[938.34, 423.72, 1029.236, 698.4100000000001, 0.68982]]}, "ret_dets": [[754.77, 416.87, 883.73, 805.75, 1.8469], [584.04, 412.56, 754.52, 926.01, 1.0491], [867.73, 454.06, 965.222, 748.53, 1.0483], [884.73, 364.89, 1013.69, 753.77, 0.68576], [505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [768.0, 438.0, 885.0, 793.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1168.0, 448.0, 1206.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [966.0, 440.0, 1002.0, 553.0, 1.0], [549.0, 422.0, 765.0, 904.0, 1.0], [877.0, 445.0, 996.0, 742.0, 1.0], [649.0, 447.0, 764.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [469.0, 465.0, 501.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [410.0, 469.0, 460.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [949.0, 433.0, 1034.0, 697.0, 1.0], [1149.0, 455.0, 1181.0, 544.0, 1.0], [916.0, 441.0, 953.0, 570.0, 1.0], [583.0, 455.0, 602.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [549.0, 453.0, 575.0, 526.0, 1.0], [594.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [943.0, 442.0, 975.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [953.0, 455.0, 976.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 174, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched_before_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]]}, "ret_ret": [[866.8172457379319, 452.4184730243031, 966.2302528368864, 752.666138658176, 11.0], [584.2889788241984, 412.700891709685, 754.703047575444, 925.9569520820453, 8.0], [859.9698721011109, 350.92932930457386, 998.637393952841, 768.9719156580934, 7.0], [755.5561713429342, 417.7782773192158, 884.244244149405, 805.8449227173847, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[770.33, 430.92, 882.47, 769.33, 1.67], [887.71, 444.35, 992.27, 760.03, 1.2513], [584.04, 412.56, 754.52, 926.01, 1.1142], [737.0, 353.0, 896.0, 832.0, 0.40197], [464.01, 455.43, 505.881, 583.04, 0.34395]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [770.0, 439.0, 888.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1166.0, 448.0, 1204.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1002.0, 553.0, 1.0], [553.0, 422.0, 766.0, 906.0, 1.0], [879.0, 445.0, 997.0, 743.0, 1.0], [649.0, 447.0, 766.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [468.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [951.0, 433.0, 1042.0, 698.0, 1.0], [1150.0, 455.0, 1182.0, 544.0, 1.0], [920.0, 441.0, 956.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [944.0, 442.0, 976.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 975.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 174, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 18}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]], "unmatched_before_before": [[469.67, 451.29, 514.618, 588.13, 0.40819], [505.0, 449.0, 544.0, 568.0, 0.51051]]}, "ret_dets": [[770.33, 430.92, 882.47, 769.33, 1.67], [887.71, 444.35, 992.27, 760.03, 1.2513], [584.04, 412.56, 754.52, 926.01, 1.1142], [737.0, 353.0, 896.0, 832.0, 0.40197], [464.01, 455.43, 505.881, 583.04, 0.34395]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [770.0, 439.0, 888.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 579.0, 0.0], [1166.0, 448.0, 1204.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1002.0, 553.0, 1.0], [553.0, 422.0, 766.0, 906.0, 1.0], [879.0, 445.0, 997.0, 743.0, 1.0], [649.0, 447.0, 766.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [468.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [574.0, 457.0, 621.0, 602.0, 1.0], [951.0, 433.0, 1042.0, 698.0, 1.0], [1150.0, 455.0, 1182.0, 544.0, 1.0], [920.0, 441.0, 956.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [661.0, 463.0, 686.0, 535.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [572.0, 462.0, 593.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [517.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [944.0, 442.0, 976.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 975.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 175, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "unmatched": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]]}, "ret_ret": [[880.4348515606353, 447.47250032767886, 983.4316525325758, 758.4753746399177, 11.0], [584.8135361309411, 412.59387764304864, 755.4616043174357, 926.5518352476968, 8.0], [868.8424878543469, 350.30473173327505, 1007.0998692803435, 767.1108629886421, 7.0], [765.3041726486307, 425.3120713242129, 884.0642998477546, 783.6007541416698, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[770.33, 430.92, 882.47, 769.33, 1.9065], [584.04, 412.56, 754.52, 926.01, 1.6488], [887.71, 444.35, 992.27, 760.03, 1.6257], [513.0, 449.0, 552.0, 568.0, 0.37197]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [772.0, 438.0, 887.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 580.0, 0.0], [1165.0, 448.0, 1203.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [558.0, 422.0, 768.0, 907.0, 1.0], [882.0, 445.0, 999.0, 745.0, 1.0], [649.0, 447.0, 768.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [954.0, 433.0, 1049.0, 698.0, 1.0], [1151.0, 455.0, 1183.0, 544.0, 1.0], [924.0, 441.0, 960.0, 564.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [516.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [945.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 175, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 174}, {"time_since_observed": 1, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 19}], "unmatched": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.3979], [464.01, 455.43, 505.881, 583.04, 0.35908], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.30725]]}, "ret_dets": [[770.33, 430.92, 882.47, 769.33, 1.9065], [584.04, 412.56, 754.52, 926.01, 1.6488], [887.71, 444.35, 992.27, 760.03, 1.6257], [513.0, 449.0, 552.0, 568.0, 0.37197]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [772.0, 438.0, 887.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 783.0, 580.0, 0.0], [1165.0, 448.0, 1203.0, 547.0, 1.0], [998.0, 445.0, 1034.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [558.0, 422.0, 768.0, 907.0, 1.0], [882.0, 445.0, 999.0, 745.0, 1.0], [649.0, 447.0, 768.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [469.0, 458.0, 500.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [954.0, 433.0, 1049.0, 698.0, 1.0], [1151.0, 455.0, 1183.0, 544.0, 1.0], [924.0, 441.0, 960.0, 564.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 717.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 616.0, 523.0, 1.0], [516.0, 457.0, 546.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [945.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [952.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 176, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "unmatched": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched_before_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]]}, "ret_ret": [[885.5911561568543, 445.60084312745795, 989.9032870844834, 760.5488846646415, 11.0], [584.9423448332561, 412.5316810602289, 755.6770312047204, 926.749419975446, 8.0], [877.612796968142, 349.37170914953015, 1015.6646512472869, 765.5582353316369, 7.0], [769.0737139161982, 428.5337057814577, 883.8172595793861, 774.7639370062873, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[770.33, 430.92, 882.47, 769.33, 1.8368], [584.04, 412.56, 754.52, 926.01, 1.5457], [887.71, 444.35, 992.27, 760.03, 1.4458], [505.0, 449.0, 544.0, 568.0, 0.39243]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [774.0, 438.0, 886.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 782.0, 580.0, 0.0], [1163.0, 448.0, 1201.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [562.0, 422.0, 769.0, 908.0, 1.0], [886.0, 444.0, 1000.0, 745.0, 1.0], [649.0, 447.0, 770.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [956.0, 433.0, 1057.0, 699.0, 1.0], [1152.0, 454.0, 1184.0, 544.0, 1.0], [926.0, 441.0, 962.0, 565.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [946.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 176, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 175}, {"time_since_observed": 2, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 20}], "unmatched": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]], "unmatched_before_before": [[464.01, 455.43, 505.881, 583.04, 0.34395], [737.0, 353.0, 896.0, 832.0, 0.40197]]}, "ret_dets": [[770.33, 430.92, 882.47, 769.33, 1.8368], [584.04, 412.56, 754.52, 926.01, 1.5457], [887.71, 444.35, 992.27, 760.03, 1.4458], [505.0, 449.0, 544.0, 568.0, 0.39243]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [774.0, 438.0, 886.0, 795.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [739.0, 476.0, 782.0, 580.0, 0.0], [1163.0, 448.0, 1201.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [967.0, 440.0, 1003.0, 553.0, 1.0], [562.0, 422.0, 769.0, 908.0, 1.0], [886.0, 444.0, 1000.0, 745.0, 1.0], [649.0, 447.0, 770.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [467.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 459.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [573.0, 457.0, 622.0, 603.0, 1.0], [956.0, 433.0, 1057.0, 699.0, 1.0], [1152.0, 454.0, 1184.0, 544.0, 1.0], [926.0, 441.0, 962.0, 565.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [548.0, 453.0, 574.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [946.0, 442.0, 977.0, 538.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 974.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 177, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 3, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched_before_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]]}, "ret_ret": [[887.4966364578524, 444.8618082908204, 992.2890933066694, 761.2499142433569, 11.0], [584.9261902003544, 412.4885789339053, 755.6913287388946, 926.797615033282, 8.0], [886.3317817096462, 348.2839583853941, 1024.280757586521, 764.1603358550228, 7.0], [770.4681434116533, 429.82990812192196, 883.6398664071237, 771.3395935746887, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.05, 437.53, 897.31, 800.3, 1.4249], [887.71, 444.35, 992.27, 760.03, 1.2823], [589.13, 405.34, 771.92, 955.72, 1.1314], [922.56, 389.02, 1042.82, 751.79, 0.32574]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [777.0, 437.0, 885.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1162.0, 448.0, 1200.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [968.0, 440.0, 1003.0, 553.0, 1.0], [566.0, 422.0, 770.0, 910.0, 1.0], [891.0, 444.0, 1002.0, 746.0, 1.0], [649.0, 447.0, 772.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [466.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 603.0, 1.0], [959.0, 433.0, 1065.0, 700.0, 1.0], [1153.0, 454.0, 1185.0, 544.0, 1.0], [929.0, 441.0, 965.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [947.0, 442.0, 978.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 973.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 177, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 176}, {"time_since_observed": 3, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 21}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]], "unmatched_before_before": [[513.0, 449.0, 552.0, 568.0, 0.37197]]}, "ret_dets": [[777.05, 437.53, 897.31, 800.3, 1.4249], [887.71, 444.35, 992.27, 760.03, 1.2823], [589.13, 405.34, 771.92, 955.72, 1.1314], [922.56, 389.02, 1042.82, 751.79, 0.32574]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [777.0, 437.0, 885.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1162.0, 448.0, 1200.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1094.0, 437.0, 1133.0, 546.0, 1.0], [968.0, 440.0, 1003.0, 553.0, 1.0], [566.0, 422.0, 770.0, 910.0, 1.0], [891.0, 444.0, 1002.0, 746.0, 1.0], [649.0, 447.0, 772.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [466.0, 465.0, 500.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 603.0, 1.0], [959.0, 433.0, 1065.0, 700.0, 1.0], [1153.0, 454.0, 1185.0, 544.0, 1.0], [929.0, 441.0, 965.0, 567.0, 1.0], [583.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [947.0, 442.0, 978.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [951.0, 455.0, 973.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 178, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]]}, "ret_ret": [[888.1609025778515, 444.55223887952013, 993.1206481718372, 761.4415279033868, 11.0], [588.3241450562948, 408.1576935760462, 766.856934029885, 945.773488240961, 8.0], [918.7797609168957, 382.56990516964674, 1042.0995190130511, 754.5306498089142, 7.0], [775.4340643866611, 434.9651439361859, 893.0973777211062, 789.9504783577619, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[770.33, 430.92, 882.47, 769.33, 1.7568], [907.12, 454.06, 1004.612, 748.53, 1.3], [589.13, 405.34, 771.92, 955.72, 0.93248], [769.0, 353.0, 928.0, 832.0, 0.54118]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [779.0, 437.0, 884.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1160.0, 448.0, 1198.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [571.0, 422.0, 772.0, 911.0, 1.0], [895.0, 444.0, 1004.0, 747.0, 1.0], [649.0, 447.0, 774.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 604.0, 1.0], [961.0, 433.0, 1067.0, 701.0, 1.0], [1154.0, 454.0, 1186.0, 544.0, 1.0], [932.0, 441.0, 968.0, 569.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 979.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 178, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.39243]]}, "ret_dets": [[770.33, 430.92, 882.47, 769.33, 1.7568], [907.12, 454.06, 1004.612, 748.53, 1.3], [589.13, 405.34, 771.92, 955.72, 0.93248], [769.0, 353.0, 928.0, 832.0, 0.54118]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [779.0, 437.0, 884.0, 796.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1160.0, 448.0, 1198.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [571.0, 422.0, 772.0, 911.0, 1.0], [895.0, 444.0, 1004.0, 747.0, 1.0], [649.0, 447.0, 774.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [409.0, 469.0, 458.0, 571.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [572.0, 457.0, 622.0, 604.0, 1.0], [961.0, 433.0, 1067.0, 701.0, 1.0], [1154.0, 454.0, 1186.0, 544.0, 1.0], [932.0, 441.0, 968.0, 569.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [593.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 979.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 179, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched_before_before": []}, "ret_ret": [[900.9458755138616, 450.44908845371856, 1001.5390858448462, 754.2360979213054, 11.0], [589.5856662175531, 406.5946257341418, 770.9950616715516, 952.8386813834252, 8.0], [928.8747710180481, 382.7914829980437, 1051.9318496587387, 753.9599260032135, 7.0], [772.745999207942, 432.2270603805366, 887.0559423947576, 777.1510218803949, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[770.33, 430.92, 882.47, 769.33, 1.7439], [907.12, 454.06, 1004.612, 748.53, 1.2584], [609.0, 417.0, 768.0, 896.0, 0.77786], [769.0, 353.0, 928.0, 832.0, 0.37895]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [782.0, 437.0, 884.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1159.0, 448.0, 1197.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [575.0, 422.0, 773.0, 912.0, 1.0], [900.0, 444.0, 1005.0, 748.0, 1.0], [649.0, 447.0, 776.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 622.0, 604.0, 1.0], [963.0, 433.0, 1070.0, 702.0, 1.0], [1155.0, 454.0, 1187.0, 544.0, 1.0], [934.0, 441.0, 971.0, 570.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 980.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 179, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 178}, {"time_since_observed": 1, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 23}], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]], "unmatched_before_before": []}, "ret_dets": [[770.33, 430.92, 882.47, 769.33, 1.7439], [907.12, 454.06, 1004.612, 748.53, 1.2584], [609.0, 417.0, 768.0, 896.0, 0.77786], [769.0, 353.0, 928.0, 832.0, 0.37895]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [782.0, 437.0, 884.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 476.0, 782.0, 580.0, 0.0], [1159.0, 448.0, 1197.0, 547.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [968.0, 440.0, 1004.0, 553.0, 1.0], [575.0, 422.0, 773.0, 912.0, 1.0], [900.0, 444.0, 1005.0, 748.0, 1.0], [649.0, 447.0, 776.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [465.0, 465.0, 499.0, 573.0, 1.0], [507.0, 457.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 622.0, 604.0, 1.0], [963.0, 433.0, 1070.0, 702.0, 1.0], [1155.0, 454.0, 1187.0, 544.0, 1.0], [934.0, 441.0, 971.0, 570.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [571.0, 462.0, 592.0, 529.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 457.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [948.0, 442.0, 980.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [950.0, 455.0, 972.0, 527.0, 1.0], [541.0, 454.0, 563.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 180, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]]}, "ret_ret": [[905.7558849418639, 452.7477968373704, 1004.6250399299939, 751.3586368652906, 11.0], [602.4313187073394, 411.9667621725265, 770.4658191638457, 918.0897612256703, 8.0], [938.9042165026507, 382.81530286802143, 1061.829744920976, 753.5869601559318, 7.0], [771.6786841115611, 431.2239426387715, 884.6814275837833, 772.2245022265121, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.05, 413.27, 897.31, 776.04, 1.7292], [887.71, 444.35, 992.27, 760.03, 1.4447], [618.34, 412.56, 788.82, 926.01, 0.73299], [755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [783.0, 436.0, 886.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 477.0, 782.0, 581.0, 0.0], [1158.0, 449.0, 1196.0, 548.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1004.0, 554.0, 1.0], [580.0, 423.0, 775.0, 914.0, 1.0], [904.0, 444.0, 1007.0, 749.0, 1.0], [649.0, 447.0, 778.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [464.0, 465.0, 499.0, 573.0, 1.0], [508.0, 457.0, 543.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 623.0, 605.0, 1.0], [965.0, 433.0, 1072.0, 703.0, 1.0], [1157.0, 454.0, 1188.0, 544.0, 1.0], [937.0, 441.0, 974.0, 572.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 458.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [949.0, 442.0, 981.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 455.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 180, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 179}, {"time_since_observed": 2, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 24}], "unmatched": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]], "unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.54118]]}, "ret_dets": [[777.05, 413.27, 897.31, 776.04, 1.7292], [887.71, 444.35, 992.27, 760.03, 1.4447], [618.34, 412.56, 788.82, 926.01, 0.73299], [755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [783.0, 436.0, 886.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [738.0, 477.0, 782.0, 581.0, 0.0], [1158.0, 449.0, 1196.0, 548.0, 1.0], [997.0, 445.0, 1033.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1004.0, 554.0, 1.0], [580.0, 423.0, 775.0, 914.0, 1.0], [904.0, 444.0, 1007.0, 749.0, 1.0], [649.0, 447.0, 778.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [464.0, 465.0, 499.0, 573.0, 1.0], [508.0, 457.0, 543.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 458.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [571.0, 457.0, 623.0, 605.0, 1.0], [965.0, 433.0, 1072.0, 703.0, 1.0], [1157.0, 454.0, 1188.0, 544.0, 1.0], [937.0, 441.0, 974.0, 572.0, 1.0], [584.0, 455.0, 603.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [692.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 519.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [597.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 573.0, 526.0, 1.0], [592.0, 456.0, 615.0, 522.0, 1.0], [516.0, 458.0, 545.0, 524.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [949.0, 442.0, 981.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 455.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 181, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "unmatched": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]]}, "ret_ret": [[894.8693475250557, 447.43194168603645, 997.5734753392344, 757.5533462164892, 11.0], [613.6891233244286, 412.1763336418721, 783.4175397443263, 923.3775094796338, 8.0], [948.9008008420572, 382.7400059685086, 1071.7605013284094, 753.3131110781409, 7.0], [775.7171001466016, 419.6321586180434, 893.3170327150632, 774.4265900933035, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 1.9064], [907.12, 454.06, 1004.612, 748.53, 1.5494], [618.34, 412.56, 788.82, 926.01, 0.57856], [1153.0, 433.0, 1192.0, 552.0, 0.48299]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [784.0, 436.0, 888.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1156.0, 449.0, 1194.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [584.0, 423.0, 776.0, 916.0, 1.0], [909.0, 444.0, 1009.0, 749.0, 1.0], [651.0, 446.0, 780.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 499.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 606.0, 1.0], [968.0, 434.0, 1075.0, 704.0, 1.0], [1158.0, 454.0, 1190.0, 544.0, 1.0], [940.0, 442.0, 977.0, 574.0, 1.0], [584.0, 455.0, 604.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [950.0, 442.0, 982.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 456.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 181, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 180}, {"time_since_observed": 3, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 25}], "unmatched": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]], "unmatched_before_before": [[769.0, 353.0, 928.0, 832.0, 0.37895]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 1.9064], [907.12, 454.06, 1004.612, 748.53, 1.5494], [618.34, 412.56, 788.82, 926.01, 0.57856], [1153.0, 433.0, 1192.0, 552.0, 0.48299]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [784.0, 436.0, 888.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1156.0, 449.0, 1194.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1095.0, 437.0, 1134.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [584.0, 423.0, 776.0, 916.0, 1.0], [909.0, 444.0, 1009.0, 749.0, 1.0], [651.0, 446.0, 780.0, 806.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 499.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 458.0, 518.0, 561.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 606.0, 1.0], [968.0, 434.0, 1075.0, 704.0, 1.0], [1158.0, 454.0, 1190.0, 544.0, 1.0], [940.0, 442.0, 977.0, 574.0, 1.0], [584.0, 455.0, 604.0, 516.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [950.0, 442.0, 982.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [949.0, 456.0, 971.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 182, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched_before_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]]}, "ret_ret": [[903.2775646260129, 451.5208149727108, 1002.9567427020995, 752.5631262318919, 11.0], [617.8657725282123, 412.2594521358274, 788.2344281452195, 925.3797759014394, 8.0], [958.8809348134517, 382.61509097673115, 1081.7077081038547, 753.0888800926145, 7.0], [779.7199529103218, 417.8847741795614, 904.5520801153091, 794.3863746992445, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.05, 413.27, 897.31, 776.04, 1.9837], [907.12, 454.06, 1004.612, 748.53, 1.6313], [628.0, 448.86, 776.29, 895.72, 0.83077], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [785.0, 435.0, 890.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1155.0, 449.0, 1193.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [589.0, 423.0, 778.0, 919.0, 1.0], [913.0, 444.0, 1011.0, 750.0, 1.0], [654.0, 445.0, 783.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [489.0, 459.0, 519.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 607.0, 1.0], [972.0, 433.0, 1076.0, 703.0, 1.0], [1159.0, 454.0, 1193.0, 544.0, 1.0], [942.0, 442.0, 979.0, 572.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [951.0, 442.0, 983.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [948.0, 456.0, 970.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 182, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 181}, {"time_since_observed": 4, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 26}], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]], "unmatched_before_before": [[755.53, 309.67, 926.01, 823.1200000000001, 0.46075]]}, "ret_dets": [[777.05, 413.27, 897.31, 776.04, 1.9837], [907.12, 454.06, 1004.612, 748.53, 1.6313], [628.0, 448.86, 776.29, 895.72, 0.83077], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [785.0, 435.0, 890.0, 797.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1155.0, 449.0, 1193.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [589.0, 423.0, 778.0, 919.0, 1.0], [913.0, 444.0, 1011.0, 750.0, 1.0], [654.0, 445.0, 783.0, 807.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [463.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [489.0, 459.0, 519.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [570.0, 456.0, 623.0, 607.0, 1.0], [972.0, 433.0, 1076.0, 703.0, 1.0], [1159.0, 454.0, 1193.0, 544.0, 1.0], [942.0, 442.0, 979.0, 572.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 622.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [951.0, 442.0, 983.0, 539.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [948.0, 456.0, 970.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 183, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]]}, "ret_ret": [[906.4235890326165, 453.0991230091141, 1004.9178322587704, 750.583534312031, 11.0], [625.1244102392151, 434.423330742486, 782.285164593107, 907.918788918479, 8.0], [968.8528386411562, 382.46535197927307, 1091.6631450229904, 752.8894731127689, 7.0], [778.6585762644745, 414.6025473970229, 900.7411320950391, 782.8477944687568, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.05, 413.27, 897.31, 776.04, 2.3035], [908.82, 444.35, 1013.3800000000001, 760.03, 1.2839], [628.0, 448.86, 776.29, 895.72, 0.77269], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531], [572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [786.0, 435.0, 892.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1154.0, 449.0, 1192.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [594.0, 423.0, 780.0, 922.0, 1.0], [918.0, 444.0, 1012.0, 751.0, 1.0], [656.0, 444.0, 785.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [462.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 456.0, 623.0, 608.0, 1.0], [976.0, 433.0, 1077.0, 703.0, 1.0], [1160.0, 454.0, 1196.0, 544.0, 1.0], [944.0, 442.0, 981.0, 570.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 984.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 183, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 182}, {"time_since_observed": 5, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 27}], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]], "unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.48299]]}, "ret_dets": [[777.05, 413.27, 897.31, 776.04, 2.3035], [908.82, 444.35, 1013.3800000000001, 760.03, 1.2839], [628.0, 448.86, 776.29, 895.72, 0.77269], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531], [572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [786.0, 435.0, 892.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1154.0, 449.0, 1192.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [969.0, 441.0, 1005.0, 554.0, 1.0], [594.0, 423.0, 780.0, 922.0, 1.0], [918.0, 444.0, 1012.0, 751.0, 1.0], [656.0, 444.0, 785.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [462.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 469.0, 457.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 456.0, 623.0, 608.0, 1.0], [976.0, 433.0, 1077.0, 703.0, 1.0], [1160.0, 454.0, 1196.0, 544.0, 1.0], [944.0, 442.0, 981.0, 570.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 716.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 526.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 984.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 184, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]]}, "ret_ret": [[908.7193444232802, 447.51682634747664, 1011.254807535434, 757.131283760009, 11.0], [627.9329539813743, 443.3306001249268, 779.7472357878128, 900.7753707906968, 8.0], [978.8206261557368, 382.303197234993, 1101.6226982552496, 752.7024818797452, 7.0], [778.1983340990324, 413.3938242756194, 899.2136731506206, 778.4337909985388, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.0379], [926.82, 454.06, 1024.3120000000001, 748.53, 1.2353], [618.34, 412.56, 788.82, 926.01, 1.0654], [1153.0, 433.0, 1192.0, 552.0, 0.56941], [572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [787.0, 434.0, 894.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1153.0, 449.0, 1191.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [599.0, 423.0, 782.0, 925.0, 1.0], [922.0, 444.0, 1014.0, 752.0, 1.0], [659.0, 443.0, 788.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 470.0, 457.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 455.0, 623.0, 609.0, 1.0], [981.0, 433.0, 1078.0, 703.0, 1.0], [1161.0, 454.0, 1199.0, 544.0, 1.0], [946.0, 442.0, 983.0, 568.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 985.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 184, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 183}, {"time_since_observed": 6, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 28}], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]], "unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.31112], [755.53, 309.67, 926.01, 823.1200000000001, 0.50555]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.0379], [926.82, 454.06, 1024.3120000000001, 748.53, 1.2353], [618.34, 412.56, 788.82, 926.01, 1.0654], [1153.0, 433.0, 1192.0, 552.0, 0.56941], [572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [787.0, 434.0, 894.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [702.0, 488.0, 746.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1153.0, 449.0, 1191.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [599.0, 423.0, 782.0, 925.0, 1.0], [922.0, 444.0, 1014.0, 752.0, 1.0], [659.0, 443.0, 788.0, 808.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [408.0, 470.0, 457.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [569.0, 455.0, 623.0, 609.0, 1.0], [981.0, 433.0, 1078.0, 703.0, 1.0], [1161.0, 454.0, 1199.0, 544.0, 1.0], [946.0, 442.0, 983.0, 568.0, 1.0], [584.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [592.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [952.0, 442.0, 985.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [947.0, 456.0, 969.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 185, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 7, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]]}, "ret_ret": [[921.2022498719753, 451.5040900592551, 1020.7974122184498, 752.293535194179, 11.0], [622.8358308744623, 423.7365109972621, 786.6125955518771, 917.0851041585552, 8.0], [988.786355203266, 382.13483368079403, 1111.5843099545602, 752.5216994566402, 7.0], [780.4985151536437, 415.63138784549994, 906.5698792691433, 795.8472931642162, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 1.9503], [618.34, 412.56, 788.82, 926.01, 0.91326], [926.82, 454.06, 1024.3120000000001, 748.53, 0.42717], [896.71, 329.43, 1045.0, 776.29, 0.31669], [1153.0, 433.0, 1192.0, 552.0, 0.31442]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [788.0, 434.0, 896.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1152.0, 449.0, 1190.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [604.0, 423.0, 784.0, 928.0, 1.0], [927.0, 444.0, 1016.0, 753.0, 1.0], [662.0, 443.0, 790.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [569.0, 455.0, 623.0, 610.0, 1.0], [985.0, 433.0, 1080.0, 702.0, 1.0], [1162.0, 454.0, 1202.0, 544.0, 1.0], [949.0, 442.0, 985.0, 566.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [591.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [953.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 968.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 185, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 184}, {"time_since_observed": 7, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 29}], "unmatched": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]], "unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.42117], [1153.0, 433.0, 1192.0, 552.0, 0.41303], [755.53, 343.97, 926.01, 857.4200000000001, 0.59531]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 1.9503], [618.34, 412.56, 788.82, 926.01, 0.91326], [926.82, 454.06, 1024.3120000000001, 748.53, 0.42717], [896.71, 329.43, 1045.0, 776.29, 0.31669], [1153.0, 433.0, 1192.0, 552.0, 0.31442]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [788.0, 434.0, 896.0, 798.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [737.0, 477.0, 781.0, 581.0, 0.0], [1152.0, 449.0, 1190.0, 548.0, 1.0], [996.0, 445.0, 1032.0, 544.0, 1.0], [1096.0, 437.0, 1135.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [604.0, 423.0, 784.0, 928.0, 1.0], [927.0, 444.0, 1016.0, 753.0, 1.0], [662.0, 443.0, 790.0, 809.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 498.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [569.0, 455.0, 623.0, 610.0, 1.0], [985.0, 433.0, 1080.0, 702.0, 1.0], [1162.0, 454.0, 1202.0, 544.0, 1.0], [949.0, 442.0, 985.0, 566.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 525.0, 1.0], [591.0, 456.0, 614.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [953.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 968.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 186, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 8, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]]}, "ret_ret": [[925.8669551942543, 453.0477924362451, 1024.3118110919531, 750.3833668883608, 11.0], [620.9031390192453, 416.5849553910033, 789.0241010146698, 922.9642666367885, 8.0], [998.7510549396259, 381.96336548744443, 1121.5469509650404, 752.344021672686, 7.0], [781.3354119609162, 416.5516810844996, 909.2849626497184, 802.4027304524242, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.0463], [625.89, 405.34, 808.68, 955.72, 0.85784], [926.82, 454.06, 1024.3120000000001, 748.53, 0.4554], [505.0, 441.0, 544.0, 560.0, 0.37783], [571.03, 454.91, 622.81, 612.25, 0.31746]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [790.0, 434.0, 899.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 781.0, 582.0, 0.0], [1151.0, 449.0, 1189.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [609.0, 423.0, 785.0, 930.0, 1.0], [932.0, 444.0, 1018.0, 754.0, 1.0], [664.0, 442.0, 793.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 455.0, 623.0, 611.0, 1.0], [990.0, 433.0, 1081.0, 702.0, 1.0], [1162.0, 453.0, 1202.0, 544.0, 1.0], [952.0, 442.0, 988.0, 567.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [954.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 186, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 185}, {"time_since_observed": 8, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 30}], "unmatched": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]], "unmatched_before_before": [[572.25, 454.06, 620.496, 600.8, 0.39443], [505.0, 449.0, 544.0, 568.0, 0.34845], [1153.0, 433.0, 1192.0, 552.0, 0.56941]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.0463], [625.89, 405.34, 808.68, 955.72, 0.85784], [926.82, 454.06, 1024.3120000000001, 748.53, 0.4554], [505.0, 441.0, 544.0, 560.0, 0.37783], [571.03, 454.91, 622.81, 612.25, 0.31746]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [790.0, 434.0, 899.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 781.0, 582.0, 0.0], [1151.0, 449.0, 1189.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 441.0, 1006.0, 554.0, 1.0], [609.0, 423.0, 785.0, 930.0, 1.0], [932.0, 444.0, 1018.0, 754.0, 1.0], [664.0, 442.0, 793.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [508.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 455.0, 623.0, 611.0, 1.0], [990.0, 433.0, 1081.0, 702.0, 1.0], [1162.0, 453.0, 1202.0, 544.0, 1.0], [952.0, 442.0, 988.0, 567.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [697.0, 520.0, 737.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 528.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 522.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [954.0, 442.0, 986.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [946.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 187, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 9, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]]}, "ret_ret": [[927.537283668075, 453.6312828262602, 1025.534659959169, 749.6230020027482, 11.0], [625.1398707788265, 409.5346541805434, 802.6885628668775, 944.2007415668925, 8.0], [1008.7152400009875, 381.79034491596383, 1131.5101066505188, 752.1678962668628, 7.0], [781.5928998419187, 416.89277395039534, 910.2518309423721, 804.8718375087105, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.3308], [625.89, 405.34, 808.68, 955.72, 1.1745], [929.93, 444.35, 1034.49, 760.03, 1.1077]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [792.0, 433.0, 901.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1150.0, 449.0, 1188.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [614.0, 423.0, 787.0, 933.0, 1.0], [933.0, 444.0, 1023.0, 755.0, 1.0], [667.0, 441.0, 795.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 454.0, 623.0, 612.0, 1.0], [994.0, 432.0, 1082.0, 702.0, 1.0], [1163.0, 453.0, 1203.0, 544.0, 1.0], [955.0, 442.0, 991.0, 568.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [955.0, 442.0, 987.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 187, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 186}, {"time_since_observed": 9, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 31}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]], "unmatched_before_before": [[1153.0, 433.0, 1192.0, 552.0, 0.31442], [896.71, 329.43, 1045.0, 776.29, 0.31669]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.3308], [625.89, 405.34, 808.68, 955.72, 1.1745], [929.93, 444.35, 1034.49, 760.03, 1.1077]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [792.0, 433.0, 901.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1150.0, 449.0, 1188.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [614.0, 423.0, 787.0, 933.0, 1.0], [933.0, 444.0, 1023.0, 755.0, 1.0], [667.0, 441.0, 795.0, 810.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 573.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [488.0, 459.0, 518.0, 562.0, 1.0], [407.0, 469.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 454.0, 623.0, 612.0, 1.0], [994.0, 432.0, 1082.0, 702.0, 1.0], [1163.0, 453.0, 1203.0, 544.0, 1.0], [955.0, 442.0, 991.0, 568.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [955.0, 442.0, 987.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 967.0, 527.0, 1.0], [540.0, 454.0, 562.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 188, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]]}, "ret_ret": [[930.1591548619375, 447.67587502495064, 1032.480471667034, 756.6468911482115, 11.0], [626.7096596516898, 407.00886986100016, 807.7280711437651, 952.0809648010825, 8.0], [1018.6791677199963, 381.6165481407778, 1141.47351967835, 751.992547064745, 7.0], [781.6306062658402, 417.0020169185508, 910.5586118887122, 805.7881937406427, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.3661], [926.82, 454.06, 1024.3120000000001, 748.53, 1.3412], [652.64, 412.56, 823.12, 926.01, 1.2985]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [794.0, 433.0, 903.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1149.0, 449.0, 1187.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [619.0, 423.0, 789.0, 936.0, 1.0], [935.0, 444.0, 1028.0, 756.0, 1.0], [669.0, 440.0, 798.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 518.0, 562.0, 1.0], [407.0, 468.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 613.0, 1.0], [998.0, 432.0, 1084.0, 701.0, 1.0], [1163.0, 452.0, 1204.0, 544.0, 1.0], [958.0, 442.0, 994.0, 569.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [956.0, 442.0, 988.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 966.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 188, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 187}, {"time_since_observed": 10, "confidence": 0.8671958415247208, "age": 105}, {"time_since_observed": 0, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 32}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.31746], [505.0, 441.0, 544.0, 560.0, 0.37783]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.3661], [926.82, 454.06, 1024.3120000000001, 748.53, 1.3412], [652.64, 412.56, 823.12, 926.01, 1.2985]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [794.0, 433.0, 903.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1149.0, 449.0, 1187.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [619.0, 423.0, 789.0, 936.0, 1.0], [935.0, 444.0, 1028.0, 756.0, 1.0], [669.0, 440.0, 798.0, 811.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 518.0, 562.0, 1.0], [407.0, 468.0, 456.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 613.0, 1.0], [998.0, 432.0, 1084.0, 701.0, 1.0], [1163.0, 452.0, 1204.0, 544.0, 1.0], [958.0, 442.0, 994.0, 569.0, 1.0], [585.0, 454.0, 604.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [956.0, 442.0, 988.0, 540.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [945.0, 456.0, 966.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 189, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[928.9464739201372, 451.52371678995326, 1028.4388849100144, 752.0040261469029, 11.0], [644.4494054671063, 410.07633499457785, 819.185753117348, 936.3022726705008, 8.0], [1028.642966766615, 381.4423632600789, 1151.4370613785711, 751.8175859681402, 7.0], [781.5891501800462, 417.02233416088905, 910.6189256409328, 806.1137580225414, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.7093], [929.93, 444.35, 1034.49, 760.03, 1.3853], [625.89, 405.34, 808.68, 955.72, 0.95456], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.46288], [571.03, 454.91, 622.81, 612.25, 0.42003]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [796.0, 432.0, 905.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1148.0, 449.0, 1186.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [624.0, 423.0, 791.0, 939.0, 1.0], [937.0, 444.0, 1034.0, 757.0, 1.0], [672.0, 439.0, 800.0, 812.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 614.0, 1.0], [1003.0, 432.0, 1085.0, 701.0, 1.0], [1164.0, 452.0, 1204.0, 544.0, 1.0], [961.0, 442.0, 997.0, 570.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 989.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 189, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 188}, {"time_since_observed": 11, "confidence": 0.7724585675761328, "age": 106}, {"time_since_observed": 0, "confidence": 1, "age": 104}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 33}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.7093], [929.93, 444.35, 1034.49, 760.03, 1.3853], [625.89, 405.34, 808.68, 955.72, 0.95456], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.46288], [571.03, 454.91, 622.81, 612.25, 0.42003]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [796.0, 432.0, 905.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 483.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1148.0, 449.0, 1186.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1097.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 441.0, 1007.0, 554.0, 1.0], [624.0, 423.0, 791.0, 939.0, 1.0], [937.0, 444.0, 1034.0, 757.0, 1.0], [672.0, 439.0, 800.0, 812.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 465.0, 497.0, 574.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 623.0, 614.0, 1.0], [1003.0, 432.0, 1085.0, 701.0, 1.0], [1164.0, 452.0, 1204.0, 544.0, 1.0], [961.0, 442.0, 997.0, 570.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 591.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [591.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 989.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 190, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched_before_before": []}, "ret_ret": [[930.5068827191192, 446.8928549350582, 1033.3645298015201, 757.4727175931114, 11.0], [633.8103496028883, 407.1408528250183, 813.7752572775761, 949.0520576502149, 8.0], [1005.9672178036748, 412.15015864019574, 1105.2134609548048, 711.8884167046367, 7.0], [781.5225235748158, 417.0101691882787, 910.5902974229341, 806.215550107341, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.5924], [929.93, 444.35, 1034.49, 760.03, 1.171], [652.64, 412.56, 823.12, 926.01, 0.54912], [571.03, 454.91, 622.81, 612.25, 0.53513], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.49516]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [799.0, 432.0, 907.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1147.0, 449.0, 1185.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1098.0, 437.0, 1137.0, 546.0, 1.0], [972.0, 442.0, 1008.0, 555.0, 1.0], [629.0, 423.0, 793.0, 942.0, 1.0], [939.0, 444.0, 1039.0, 758.0, 1.0], [675.0, 439.0, 803.0, 813.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 466.0, 497.0, 575.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 624.0, 616.0, 1.0], [1007.0, 432.0, 1086.0, 701.0, 1.0], [1164.0, 451.0, 1205.0, 544.0, 1.0], [964.0, 442.0, 1000.0, 571.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [590.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 990.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 190, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 189}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 107}, {"time_since_observed": 0, "confidence": 1, "age": 105}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 34}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]], "unmatched_before_before": []}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.5924], [929.93, 444.35, 1034.49, 760.03, 1.171], [652.64, 412.56, 823.12, 926.01, 0.54912], [571.03, 454.91, 622.81, 612.25, 0.53513], [1005.6, 414.66, 1103.092, 709.1300000000001, 0.49516]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [799.0, 432.0, 907.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [736.0, 477.0, 780.0, 582.0, 0.0], [1147.0, 449.0, 1185.0, 548.0, 1.0], [995.0, 445.0, 1031.0, 544.0, 1.0], [1098.0, 437.0, 1137.0, 546.0, 1.0], [972.0, 442.0, 1008.0, 555.0, 1.0], [629.0, 423.0, 793.0, 942.0, 1.0], [939.0, 444.0, 1039.0, 758.0, 1.0], [675.0, 439.0, 803.0, 813.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [461.0, 466.0, 497.0, 575.0, 1.0], [509.0, 456.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 454.0, 624.0, 616.0, 1.0], [1007.0, 432.0, 1086.0, 701.0, 1.0], [1164.0, 451.0, 1205.0, 544.0, 1.0], [964.0, 442.0, 1000.0, 571.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [691.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [596.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 524.0, 1.0], [590.0, 456.0, 613.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [957.0, 442.0, 990.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [944.0, 456.0, 965.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 191, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]]}, "ret_ret": [[931.0230221799759, 445.16322383200395, 1035.1310334629634, 759.4938756826082, 11.0], [646.9147302766505, 410.1180920944878, 821.2305944030431, 935.0819294667726, 8.0], [1008.0543488225161, 413.8358718527978, 1106.0318017520406, 709.761924573463, 7.0], [781.4510685217534, 416.9873932607543, 910.5325091294247, 806.2337466649267, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[780.76, 416.87, 909.72, 805.75, 2.1012], [929.93, 444.35, 1034.49, 760.03, 1.0911], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818], [566.69, 453.55, 622.259, 622.26, 0.551], [652.64, 412.56, 823.12, 926.01, 0.47617]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [801.0, 431.0, 912.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1145.0, 449.0, 1183.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 442.0, 1007.0, 555.0, 1.0], [632.0, 423.0, 796.0, 944.0, 1.0], [940.0, 444.0, 1044.0, 759.0, 1.0], [677.0, 441.0, 805.0, 815.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 453.0, 624.0, 615.0, 1.0], [1012.0, 432.0, 1088.0, 701.0, 1.0], [1165.0, 451.0, 1206.0, 544.0, 1.0], [967.0, 442.0, 1003.0, 572.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [958.0, 442.0, 991.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 456.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 191, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 190}, {"time_since_observed": 0, "confidence": 0.7724585675761328, "age": 108}, {"time_since_observed": 0, "confidence": 1, "age": 106}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 35}], "unmatched": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.42003]]}, "ret_dets": [[780.76, 416.87, 909.72, 805.75, 2.1012], [929.93, 444.35, 1034.49, 760.03, 1.0911], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818], [566.69, 453.55, 622.259, 622.26, 0.551], [652.64, 412.56, 823.12, 926.01, 0.47617]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [801.0, 431.0, 912.0, 799.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1145.0, 449.0, 1183.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 442.0, 1007.0, 555.0, 1.0], [632.0, 423.0, 796.0, 944.0, 1.0], [940.0, 444.0, 1044.0, 759.0, 1.0], [677.0, 441.0, 805.0, 815.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [567.0, 453.0, 624.0, 615.0, 1.0], [1012.0, 432.0, 1088.0, 701.0, 1.0], [1165.0, 451.0, 1206.0, 544.0, 1.0], [967.0, 442.0, 1003.0, 572.0, 1.0], [585.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 715.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 621.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [516.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [958.0, 442.0, 991.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 456.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 192, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "unmatched": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]]}, "ret_ret": [[931.1339494053727, 444.50415058260495, 1035.7097614249597, 760.2377452649323, 11.0], [651.8105156382339, 411.3286826910635, 823.9181140285157, 929.6659662560444, 8.0], [1015.1466535655023, 413.924144367626, 1112.7905897856722, 708.8428603963821, 7.0], [781.3821638581837, 416.96232722087257, 910.4679891560734, 806.2218111075777, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[801.3, 437.53, 921.56, 800.3, 2.4666], [951.05, 444.35, 1055.61, 760.03, 1.0509], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [687.71, 389.14, 836.0, 836.0, 0.47781], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994], [996.61, 408.29, 1108.75, 746.7, 0.30703]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [803.0, 431.0, 918.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1144.0, 449.0, 1182.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1006.0, 555.0, 1.0], [635.0, 423.0, 800.0, 946.0, 1.0], [942.0, 444.0, 1050.0, 760.0, 1.0], [679.0, 443.0, 807.0, 817.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 453.0, 625.0, 615.0, 1.0], [1015.0, 432.0, 1095.0, 702.0, 1.0], [1166.0, 451.0, 1207.0, 544.0, 1.0], [970.0, 442.0, 1007.0, 574.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [959.0, 442.0, 992.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 457.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 192, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 1, "age": 107}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 36}], "unmatched": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]], "unmatched_before_before": [[571.03, 454.91, 622.81, 612.25, 0.53513]]}, "ret_dets": [[801.3, 437.53, 921.56, 800.3, 2.4666], [951.05, 444.35, 1055.61, 760.03, 1.0509], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [687.71, 389.14, 836.0, 836.0, 0.47781], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994], [996.61, 408.29, 1108.75, 746.7, 0.30703]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [803.0, 431.0, 918.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 780.0, 583.0, 0.0], [1144.0, 449.0, 1182.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1006.0, 555.0, 1.0], [635.0, 423.0, 800.0, 946.0, 1.0], [942.0, 444.0, 1050.0, 760.0, 1.0], [679.0, 443.0, 807.0, 817.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [460.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [487.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [568.0, 453.0, 625.0, 615.0, 1.0], [1015.0, 432.0, 1095.0, 702.0, 1.0], [1166.0, 451.0, 1207.0, 544.0, 1.0], [970.0, 442.0, 1007.0, 574.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [959.0, 442.0, 992.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [943.0, 457.0, 964.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 193, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "unmatched": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched_before_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]]}, "ret_ret": [[944.8878111236102, 444.249287874601, 1049.6363271078371, 760.5006822465044, 11.0], [675.9033104431932, 394.8567939032674, 833.7689199781161, 870.4686843552017, 8.0], [1002.634069702552, 410.0886679199797, 1111.0527783092298, 737.3458439910236, 7.0], [794.557160087228, 429.9073340738935, 918.3093117568329, 803.1624827299777, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[806.75, 416.87, 935.71, 805.75, 2.7657], [951.05, 444.35, 1055.61, 760.03, 1.3124], [566.69, 453.55, 622.259, 622.26, 0.85701], [662.65, 405.34, 845.4399999999999, 955.72, 0.45068], [506.88, 446.86, 548.751, 574.47, 0.32472]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [805.0, 431.0, 924.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1143.0, 449.0, 1181.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1005.0, 555.0, 1.0], [638.0, 423.0, 804.0, 948.0, 1.0], [944.0, 444.0, 1055.0, 761.0, 1.0], [681.0, 445.0, 809.0, 819.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [568.0, 453.0, 626.0, 615.0, 1.0], [1018.0, 433.0, 1102.0, 704.0, 1.0], [1168.0, 450.0, 1208.0, 544.0, 1.0], [972.0, 442.0, 1008.0, 570.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [960.0, 442.0, 993.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [942.0, 457.0, 963.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 193, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 1, "age": 108}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 37}], "unmatched": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [570.91, 449.65, 630.539, 630.54, 0.62052], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]], "unmatched_before_before": [[566.69, 453.55, 622.259, 622.26, 0.551], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.86818]]}, "ret_dets": [[806.75, 416.87, 935.71, 805.75, 2.7657], [951.05, 444.35, 1055.61, 760.03, 1.3124], [566.69, 453.55, 622.259, 622.26, 0.85701], [662.65, 405.34, 845.4399999999999, 955.72, 0.45068], [506.88, 446.86, 548.751, 574.47, 0.32472]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [805.0, 431.0, 924.0, 800.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1143.0, 449.0, 1181.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 442.0, 1005.0, 555.0, 1.0], [638.0, 423.0, 804.0, 948.0, 1.0], [944.0, 444.0, 1055.0, 761.0, 1.0], [681.0, 445.0, 809.0, 819.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 496.0, 574.0, 1.0], [509.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [407.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [568.0, 453.0, 626.0, 615.0, 1.0], [1018.0, 433.0, 1102.0, 704.0, 1.0], [1168.0, 450.0, 1208.0, 544.0, 1.0], [972.0, 442.0, 1008.0, 570.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 545.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [960.0, 442.0, 993.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [942.0, 457.0, 963.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 194, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 1, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched_before_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]]}, "ret_ret": [[566.69, 453.54999999999995, 622.259, 622.26, 12.0], [950.0175035044988, 444.1486998388997, 1054.8268130852152, 760.5822536167956, 11.0], [669.0912143757184, 400.86611317336366, 842.9877667352687, 924.5853808760871, 8.0], [1008.3425398052898, 410.8226874148178, 1116.738280863525, 738.0105369356635, 7.0], [803.2358484694741, 421.8110956307062, 930.3108281602599, 805.0379625869125, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[801.3, 437.53, 921.56, 800.3, 2.3792], [566.69, 453.55, 622.259, 622.26, 1.3905], [951.05, 444.35, 1055.61, 760.03, 0.71776], [662.65, 405.34, 845.4399999999999, 955.72, 0.62938], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757], [506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [808.0, 431.0, 930.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1142.0, 449.0, 1180.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 442.0, 1004.0, 555.0, 1.0], [641.0, 424.0, 808.0, 950.0, 1.0], [946.0, 444.0, 1060.0, 762.0, 1.0], [683.0, 447.0, 811.0, 821.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 626.0, 615.0, 1.0], [1021.0, 434.0, 1109.0, 706.0, 1.0], [1171.0, 450.0, 1209.0, 544.0, 1.0], [974.0, 442.0, 1010.0, 567.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [961.0, 442.0, 994.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [941.0, 457.0, 962.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 194, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 193}, {"time_since_observed": 1, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 1, "age": 109}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]], "unmatched_before_before": [[789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.90592], [549.75, 455.43, 570.185, 518.736, 0.56116], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.34994]]}, "ret_dets": [[801.3, 437.53, 921.56, 800.3, 2.3792], [566.69, 453.55, 622.259, 622.26, 1.3905], [951.05, 444.35, 1055.61, 760.03, 0.71776], [662.65, 405.34, 845.4399999999999, 955.72, 0.62938], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757], [506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [808.0, 431.0, 930.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1142.0, 449.0, 1180.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 442.0, 1004.0, 555.0, 1.0], [641.0, 424.0, 808.0, 950.0, 1.0], [946.0, 444.0, 1060.0, 762.0, 1.0], [683.0, 447.0, 811.0, 821.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 626.0, 615.0, 1.0], [1021.0, 434.0, 1109.0, 706.0, 1.0], [1171.0, 450.0, 1209.0, 544.0, 1.0], [974.0, 442.0, 1010.0, 567.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 588.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [570.0, 462.0, 590.0, 527.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [590.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [961.0, 442.0, 994.0, 541.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [941.0, 457.0, 962.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 195, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 2, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]]}, "ret_ret": [[566.370562797493, 453.87134980397957, 621.6168987409685, 621.6017271190973, 12.0], [951.8523159387327, 444.10755747939834, 1056.6800158236445, 760.5961047706896, 11.0], [666.5180897620672, 403.7318017144234, 846.1611075438128, 944.6825703336401, 8.0], [1014.0452689334832, 411.53937802664774, 1122.4295243923646, 738.6925587633116, 7.0], [802.7481925482381, 431.7574163291383, 925.7017903946868, 802.6155067804762, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[806.75, 416.87, 935.71, 805.75, 2.005], [566.69, 453.55, 622.259, 622.26, 1.3885], [951.05, 444.35, 1055.61, 760.03, 0.93037], [670.74, 394.97, 866.72, 984.9200000000001, 0.76348]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [810.0, 430.0, 940.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1141.0, 449.0, 1179.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1004.0, 555.0, 1.0], [644.0, 424.0, 812.0, 952.0, 1.0], [948.0, 444.0, 1066.0, 763.0, 1.0], [686.0, 449.0, 814.0, 823.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 627.0, 615.0, 1.0], [1024.0, 434.0, 1116.0, 708.0, 1.0], [1174.0, 450.0, 1210.0, 544.0, 1.0], [976.0, 442.0, 1012.0, 564.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [589.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 195, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 194}, {"time_since_observed": 2, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 1, "age": 110}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.32472]]}, "ret_dets": [[806.75, 416.87, 935.71, 805.75, 2.005], [566.69, 453.55, 622.259, 622.26, 1.3885], [951.05, 444.35, 1055.61, 760.03, 0.93037], [670.74, 394.97, 866.72, 984.9200000000001, 0.76348]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [810.0, 430.0, 940.0, 801.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1141.0, 449.0, 1179.0, 548.0, 1.0], [994.0, 445.0, 1030.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1004.0, 555.0, 1.0], [644.0, 424.0, 812.0, 952.0, 1.0], [948.0, 444.0, 1066.0, 763.0, 1.0], [686.0, 449.0, 814.0, 823.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [459.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 517.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [569.0, 453.0, 627.0, 615.0, 1.0], [1024.0, 434.0, 1116.0, 708.0, 1.0], [1174.0, 450.0, 1210.0, 544.0, 1.0], [976.0, 442.0, 1012.0, 564.0, 1.0], [586.0, 454.0, 605.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 525.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 523.0, 1.0], [589.0, 456.0, 612.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 454.0, 561.0, 508.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 196, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 3, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]]}, "ret_ret": [[566.5015456883395, 453.73968613704574, 621.880110614849, 621.8715166315915, 12.0], [952.4357620244666, 444.0896893970347, 1057.2659089781937, 760.5854225247898, 11.0], [670.8215448162969, 398.47251574749447, 860.9734777152091, 970.9510067508879, 8.0], [1019.7451268900642, 412.247402131323, 1128.1236390928166, 739.3832470981142, 7.0], [806.1865917599438, 422.4613144185338, 932.9637248935484, 804.7944775933591, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[806.75, 416.87, 935.71, 805.75, 1.9228], [578.0, 453.55, 633.569, 622.26, 1.4429], [951.05, 444.35, 1055.61, 760.03, 0.92691], [670.74, 394.97, 866.72, 984.9200000000001, 0.6156], [513.0, 449.0, 552.0, 568.0, 0.5688], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [812.0, 430.0, 951.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1140.0, 449.0, 1178.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1003.0, 555.0, 1.0], [647.0, 424.0, 815.0, 954.0, 1.0], [953.0, 443.0, 1068.0, 762.0, 1.0], [688.0, 451.0, 816.0, 825.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 628.0, 615.0, 1.0], [1027.0, 435.0, 1123.0, 710.0, 1.0], [1177.0, 450.0, 1212.0, 545.0, 1.0], [978.0, 442.0, 1014.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 455.0, 561.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 196, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 195}, {"time_since_observed": 3, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 1, "age": 111}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.4023], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.36565], [789.83, 309.67, 960.3100000000001, 823.1200000000001, 0.45757]]}, "ret_dets": [[806.75, 416.87, 935.71, 805.75, 1.9228], [578.0, 453.55, 633.569, 622.26, 1.4429], [951.05, 444.35, 1055.61, 760.03, 0.92691], [670.74, 394.97, 866.72, 984.9200000000001, 0.6156], [513.0, 449.0, 552.0, 568.0, 0.5688], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [812.0, 430.0, 951.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [735.0, 477.0, 779.0, 583.0, 0.0], [1140.0, 449.0, 1178.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 442.0, 1003.0, 555.0, 1.0], [647.0, 424.0, 815.0, 954.0, 1.0], [953.0, 443.0, 1068.0, 762.0, 1.0], [688.0, 451.0, 816.0, 825.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 495.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 628.0, 615.0, 1.0], [1027.0, 435.0, 1123.0, 710.0, 1.0], [1177.0, 450.0, 1212.0, 545.0, 1.0], [978.0, 442.0, 1014.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [962.0, 443.0, 995.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [940.0, 457.0, 961.0, 527.0, 1.0], [539.0, 455.0, 561.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 197, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 4, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched_before_before": []}, "ret_ret": [[575.4656784762661, 453.6719753945339, 630.9124352486427, 622.0108394206576, 12.0], [952.550707316223, 444.0812383537973, 1057.3774351753552, 760.5665715689686, 11.0], [672.3742407837836, 396.6354691216402, 866.3881657030232, 980.6953189664887, 8.0], [1025.4435490896801, 412.9510924657847, 1133.8191895502334, 740.0782692031305, 7.0], [807.4257585416815, 418.94482417459665, 935.6328095968663, 805.5680572933815, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[578.0, 453.55, 633.569, 622.26, 1.8586], [806.75, 416.87, 935.71, 805.75, 1.7513], [972.16, 444.35, 1076.72, 760.03, 1.7172], [662.65, 405.34, 845.4399999999999, 955.72, 0.69467], [513.0, 449.0, 552.0, 568.0, 0.67795], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [814.0, 430.0, 962.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1139.0, 449.0, 1177.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 555.0, 1.0], [650.0, 425.0, 819.0, 956.0, 1.0], [959.0, 443.0, 1070.0, 762.0, 1.0], [690.0, 453.0, 818.0, 827.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 630.0, 615.0, 1.0], [1030.0, 436.0, 1130.0, 712.0, 1.0], [1179.0, 450.0, 1213.0, 545.0, 1.0], [981.0, 442.0, 1017.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [963.0, 443.0, 996.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [939.0, 457.0, 960.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 197, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 196}, {"time_since_observed": 4, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 1, "age": 112}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]], "unmatched_before_before": []}, "ret_dets": [[578.0, 453.55, 633.569, 622.26, 1.8586], [806.75, 416.87, 935.71, 805.75, 1.7513], [972.16, 444.35, 1076.72, 760.03, 1.7172], [662.65, 405.34, 845.4399999999999, 955.72, 0.69467], [513.0, 449.0, 552.0, 568.0, 0.67795], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [814.0, 430.0, 962.0, 802.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1139.0, 449.0, 1177.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 555.0, 1.0], [650.0, 425.0, 819.0, 956.0, 1.0], [959.0, 443.0, 1070.0, 762.0, 1.0], [690.0, 453.0, 818.0, 827.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [458.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [486.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 630.0, 615.0, 1.0], [1030.0, 436.0, 1130.0, 712.0, 1.0], [1179.0, 450.0, 1213.0, 545.0, 1.0], [981.0, 442.0, 1017.0, 563.0, 1.0], [586.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 523.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [963.0, 443.0, 996.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [939.0, 457.0, 960.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 198, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 5, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]]}, "ret_ret": [[578.1491259066348, 453.6367086308219, 633.631535944765, 622.0838175860481, 12.0], [966.2811706041491, 444.07685807966425, 1071.1024439372277, 760.5456938854489, 11.0], [667.2935700816198, 401.9485089104712, 854.6320892550183, 965.9815355369778, 8.0], [1031.1412533680143, 413.6526157859528, 1139.5154579289322, 740.7754583224405, 7.0], [807.8156264918667, 417.6012889544144, 936.5639411834894, 805.8482269203447, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[570.91, 449.65, 630.539, 630.54, 2.0584], [806.75, 416.87, 935.71, 805.75, 1.6622], [972.16, 444.35, 1076.72, 760.03, 1.6041], [662.65, 405.34, 845.4399999999999, 955.72, 0.88175], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [817.0, 430.0, 973.0, 803.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1138.0, 449.0, 1176.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 555.0, 1.0], [653.0, 425.0, 823.0, 958.0, 1.0], [965.0, 443.0, 1072.0, 762.0, 1.0], [692.0, 455.0, 820.0, 829.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 633.0, 616.0, 1.0], [1033.0, 436.0, 1133.0, 714.0, 1.0], [1182.0, 450.0, 1214.0, 545.0, 1.0], [983.0, 442.0, 1020.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [610.0, 463.0, 633.0, 520.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [964.0, 443.0, 997.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 198, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 197}, {"time_since_observed": 5, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 1, "age": 113}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.39845], [513.0, 449.0, 552.0, 568.0, 0.5688]]}, "ret_dets": [[570.91, 449.65, 630.539, 630.54, 2.0584], [806.75, 416.87, 935.71, 805.75, 1.6622], [972.16, 444.35, 1076.72, 760.03, 1.6041], [662.65, 405.34, 845.4399999999999, 955.72, 0.88175], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [817.0, 430.0, 973.0, 803.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 779.0, 584.0, 0.0], [1138.0, 449.0, 1176.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 555.0, 1.0], [653.0, 425.0, 823.0, 958.0, 1.0], [965.0, 443.0, 1072.0, 762.0, 1.0], [692.0, 455.0, 820.0, 829.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 633.0, 616.0, 1.0], [1033.0, 436.0, 1133.0, 714.0, 1.0], [1182.0, 450.0, 1214.0, 545.0, 1.0], [983.0, 442.0, 1020.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [610.0, 463.0, 633.0, 520.0, 1.0], [589.0, 456.0, 611.0, 521.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [964.0, 443.0, 997.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 199, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 6, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]]}, "ret_ret": [[573.7999417678972, 450.78308576904146, 632.2325011043666, 628.0983204082261, 12.0], [971.3865744276538, 444.07445466754064, 1076.2018060281914, 760.5250384440172, 11.0], [665.2723070125032, 404.03905743059295, 849.9955399456533, 960.2239889505715, 8.0], [1036.8385986750068, 414.3530555666737, 1145.2120852789726, 741.4737309811976, 7.0], [807.8856066258163, 417.0843153982943, 936.8393012857321, 805.9473203668462, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[578.0, 453.55, 633.569, 622.26, 2.0036], [806.75, 416.87, 935.71, 805.75, 1.7281], [973.98, 430.92, 1086.1200000000001, 769.33, 1.4048], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.99898], [662.65, 405.34, 845.4399999999999, 955.72, 0.794]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [818.0, 430.0, 974.0, 804.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 778.0, 584.0, 0.0], [1137.0, 449.0, 1175.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [656.0, 425.0, 827.0, 960.0, 1.0], [970.0, 443.0, 1075.0, 761.0, 1.0], [694.0, 457.0, 822.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 636.0, 617.0, 1.0], [1036.0, 437.0, 1136.0, 716.0, 1.0], [1185.0, 450.0, 1215.0, 545.0, 1.0], [986.0, 442.0, 1022.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [589.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [965.0, 443.0, 998.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 199, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 198}, {"time_since_observed": 6, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 1, "age": 114}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "unmatched_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.73454]], "unmatched_before_before": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.47392], [513.0, 449.0, 552.0, 568.0, 0.67795]]}, "ret_dets": [[578.0, 453.55, 633.569, 622.26, 2.0036], [806.75, 416.87, 935.71, 805.75, 1.7281], [973.98, 430.92, 1086.1200000000001, 769.33, 1.4048], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.99898], [662.65, 405.34, 845.4399999999999, 955.72, 0.794]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [818.0, 430.0, 974.0, 804.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 477.0, 778.0, 584.0, 0.0], [1137.0, 449.0, 1175.0, 548.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [656.0, 425.0, 827.0, 960.0, 1.0], [970.0, 443.0, 1075.0, 761.0, 1.0], [694.0, 457.0, 822.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [510.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [570.0, 453.0, 636.0, 617.0, 1.0], [1036.0, 437.0, 1136.0, 716.0, 1.0], [1185.0, 450.0, 1215.0, 545.0, 1.0], [986.0, 442.0, 1022.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 590.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [589.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [965.0, 443.0, 998.0, 542.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [938.0, 457.0, 959.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 200, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 7, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 13.0], [577.1236961458435, 452.52236077056705, 633.7447347852715, 624.3935721913642, 12.0], [974.4587444985759, 435.51727504107185, 1084.073451439875, 766.3644364486072, 11.0], [664.4111564183586, 404.8254790323669, 848.123425566371, 957.9763401345783, 8.0], [1042.5357644936532, 415.05295356959556, 1150.908892117359, 742.1725454177538, 7.0], [807.8400179609541, 416.8833115107981, 936.8713085564325, 805.9790604860815, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[570.91, 437.53, 630.539, 618.42, 1.661], [808.87, 391.01, 947.16, 807.87, 1.3783], [670.74, 394.97, 866.72, 984.9200000000001, 1.1379], [972.16, 444.35, 1076.72, 760.03, 1.1312], [1140.5, 423.72, 1185.448, 560.5600000000001, 0.74573], [506.88, 446.86, 548.751, 574.47, 0.39779]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [819.0, 431.0, 975.0, 806.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1136.0, 450.0, 1174.0, 549.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [660.0, 426.0, 831.0, 962.0, 1.0], [975.0, 443.0, 1078.0, 760.0, 1.0], [697.0, 459.0, 825.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [571.0, 453.0, 639.0, 618.0, 1.0], [1039.0, 438.0, 1139.0, 718.0, 1.0], [1188.0, 450.0, 1217.0, 546.0, 1.0], [988.0, 443.0, 1025.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [937.0, 457.0, 958.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 200, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 199}, {"time_since_observed": 7, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 1, "age": 115}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[570.91, 437.53, 630.539, 618.42, 1.661], [808.87, 391.01, 947.16, 807.87, 1.3783], [670.74, 394.97, 866.72, 984.9200000000001, 1.1379], [972.16, 444.35, 1076.72, 760.03, 1.1312], [1140.5, 423.72, 1185.448, 560.5600000000001, 0.74573], [506.88, 446.86, 548.751, 574.47, 0.39779]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [819.0, 431.0, 975.0, 806.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1136.0, 450.0, 1174.0, 549.0, 1.0], [993.0, 445.0, 1029.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [660.0, 426.0, 831.0, 962.0, 1.0], [975.0, 443.0, 1078.0, 760.0, 1.0], [697.0, 459.0, 825.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [457.0, 466.0, 494.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [571.0, 453.0, 639.0, 618.0, 1.0], [1039.0, 438.0, 1139.0, 718.0, 1.0], [1188.0, 450.0, 1217.0, 546.0, 1.0], [988.0, 443.0, 1025.0, 562.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 714.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [595.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 572.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 611.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [585.0, 423.0, 605.0, 466.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [937.0, 457.0, 958.0, 527.0, 1.0], [538.0, 455.0, 560.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 201, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 8, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched_before_before": []}, "ret_ret": [[1140.568678010783, 424.1599011506037, 1185.2810912199866, 560.3316373109349, 13.0], [573.3856070074127, 442.17745064267484, 632.109857240816, 620.3648400083429, 12.0], [974.2161897796964, 440.77192981765637, 1080.8795273006417, 762.7673624421493, 11.0], [669.4417688664124, 398.80744182379834, 861.0603565797852, 975.6802082761626, 8.0], [1048.2328405674575, 415.75258068159894, 1156.6057887005877, 742.8716307452283, 7.0], [809.2505455614568, 400.24337870595514, 944.1843173566623, 807.044347206135, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[806.75, 416.87, 935.71, 805.75, 1.4632], [570.91, 449.65, 630.539, 630.54, 1.4063], [670.74, 394.97, 866.72, 984.9200000000001, 1.3695], [993.27, 444.35, 1097.83, 760.03, 0.57115], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.56114], [506.88, 446.86, 548.751, 574.47, 0.46026]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [821.0, 432.0, 977.0, 808.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1135.0, 450.0, 1173.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [664.0, 424.0, 833.0, 964.0, 1.0], [981.0, 443.0, 1082.0, 760.0, 1.0], [699.0, 458.0, 827.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [455.0, 466.0, 492.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [572.0, 453.0, 639.0, 618.0, 1.0], [1043.0, 437.0, 1141.0, 717.0, 1.0], [1188.0, 449.0, 1218.0, 546.0, 1.0], [991.0, 443.0, 1028.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [936.0, 457.0, 957.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 201, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 200}, {"time_since_observed": 8, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 1, "age": 116}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]], "unmatched_before_before": []}, "ret_dets": [[806.75, 416.87, 935.71, 805.75, 1.4632], [570.91, 449.65, 630.539, 630.54, 1.4063], [670.74, 394.97, 866.72, 984.9200000000001, 1.3695], [993.27, 444.35, 1097.83, 760.03, 0.57115], [1141.4, 429.71, 1183.2710000000002, 557.3199999999999, 0.56114], [506.88, 446.86, 548.751, 574.47, 0.46026]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [821.0, 432.0, 977.0, 808.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [734.0, 478.0, 778.0, 584.0, 0.0], [1135.0, 450.0, 1173.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [664.0, 424.0, 833.0, 964.0, 1.0], [981.0, 443.0, 1082.0, 760.0, 1.0], [699.0, 458.0, 827.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [455.0, 466.0, 492.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [572.0, 453.0, 639.0, 618.0, 1.0], [1043.0, 437.0, 1141.0, 717.0, 1.0], [1188.0, 449.0, 1218.0, 546.0, 1.0], [991.0, 443.0, 1028.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 464.0, 685.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 620.0, 524.0, 1.0], [569.0, 462.0, 589.0, 526.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [966.0, 444.0, 999.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [936.0, 457.0, 957.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 202, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 9, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]]}, "ret_ret": [[1141.1646789513113, 428.18134349460183, 1183.8251001250535, 558.1621706322562, 13.0], [571.9686990594284, 446.6886670484609, 631.4347594739447, 627.1006294943992, 12.0], [987.7972955184583, 442.81242006410366, 1093.308679047871, 761.3516141891769, 11.0], [671.2977932720423, 396.59547354419504, 865.8493968335044, 982.2656966012262, 8.0], [1053.9298717686736, 416.4520723476384, 1162.3027301564046, 743.5708515186668, 7.0], [808.2049770600744, 410.4271449965298, 939.5491739667112, 806.4621316367621, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[832.75, 416.87, 961.71, 805.75, 1.7284], [578.0, 453.55, 633.569, 622.26, 1.7133], [670.74, 394.97, 866.72, 984.9200000000001, 1.4479], [993.27, 444.35, 1097.83, 760.03, 1.2845]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [822.0, 433.0, 978.0, 810.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1134.0, 450.0, 1172.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [668.0, 423.0, 835.0, 967.0, 1.0], [986.0, 443.0, 1085.0, 759.0, 1.0], [701.0, 458.0, 829.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [454.0, 466.0, 491.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [574.0, 453.0, 639.0, 618.0, 1.0], [1047.0, 436.0, 1143.0, 717.0, 1.0], [1189.0, 449.0, 1219.0, 546.0, 1.0], [993.0, 443.0, 1030.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 465.0, 685.0, 537.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [967.0, 444.0, 1000.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 202, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 201}, {"time_since_observed": 9, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 1, "age": 117}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.39779]]}, "ret_dets": [[832.75, 416.87, 961.71, 805.75, 1.7284], [578.0, 453.55, 633.569, 622.26, 1.7133], [670.74, 394.97, 866.72, 984.9200000000001, 1.4479], [993.27, 444.35, 1097.83, 760.03, 1.2845]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [822.0, 433.0, 978.0, 810.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [701.0, 488.0, 745.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1134.0, 450.0, 1172.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [668.0, 423.0, 835.0, 967.0, 1.0], [986.0, 443.0, 1085.0, 759.0, 1.0], [701.0, 458.0, 829.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [454.0, 466.0, 491.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [485.0, 459.0, 516.0, 562.0, 1.0], [406.0, 467.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [574.0, 453.0, 639.0, 618.0, 1.0], [1047.0, 436.0, 1143.0, 717.0, 1.0], [1189.0, 449.0, 1219.0, 546.0, 1.0], [993.0, 443.0, 1030.0, 561.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [660.0, 465.0, 685.0, 537.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [967.0, 444.0, 1000.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 203, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 10, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]]}, "ret_ret": [[576.1566610648713, 450.94407284463216, 633.2098875549141, 624.1127035718724, 12.0], [992.8279639438925, 443.59711070082653, 1097.892857101495, 760.7964442899624, 11.0], [671.9069585983673, 395.7259939464228, 867.5646614918676, 984.7135035899643, 8.0], [1059.626880533554, 417.15149629056975, 1167.999694048557, 744.2701400152135, 7.0], [824.7396108373707, 414.3586839447562, 954.6860262580633, 806.2001597493625, 2.0]], "ret_unmatched_trks_pos": [[1141.1638307330331, 428.1832802591131, 1183.8242095483697, 558.1639783361439, 13.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[578.0, 453.55, 633.569, 622.26, 1.8804], [832.75, 416.87, 961.71, 805.75, 1.6506], [670.74, 394.97, 866.72, 984.9200000000001, 1.3893], [993.27, 444.35, 1097.83, 760.03, 0.9693]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [824.0, 434.0, 980.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [672.0, 422.0, 837.0, 969.0, 1.0], [991.0, 443.0, 1088.0, 758.0, 1.0], [704.0, 458.0, 832.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [453.0, 466.0, 490.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [576.0, 453.0, 640.0, 619.0, 1.0], [1051.0, 435.0, 1145.0, 717.0, 1.0], [1190.0, 449.0, 1220.0, 546.0, 1.0], [996.0, 443.0, 1033.0, 560.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [968.0, 444.0, 1001.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 203, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 202}, {"time_since_observed": 10, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}, {"time_since_observed": 1, "confidence": 0.03952172941250136, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[506.88, 446.86, 548.751, 574.47, 0.46026]]}, "ret_dets": [[578.0, 453.55, 633.569, 622.26, 1.8804], [832.75, 416.87, 961.71, 805.75, 1.6506], [670.74, 394.97, 866.72, 984.9200000000001, 1.3893], [993.27, 444.35, 1097.83, 760.03, 0.9693]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [824.0, 434.0, 980.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [672.0, 422.0, 837.0, 969.0, 1.0], [991.0, 443.0, 1088.0, 758.0, 1.0], [704.0, 458.0, 832.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [453.0, 466.0, 490.0, 574.0, 1.0], [511.0, 455.0, 542.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 573.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [576.0, 453.0, 640.0, 619.0, 1.0], [1051.0, 435.0, 1145.0, 717.0, 1.0], [1190.0, 449.0, 1220.0, 546.0, 1.0], [996.0, 443.0, 1033.0, 560.0, 1.0], [587.0, 454.0, 606.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [609.0, 462.0, 632.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [517.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [968.0, 444.0, 1001.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [935.0, 457.0, 956.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 204, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[577.699099107886, 452.5886009727565, 633.8171311588001, 622.9476200499753, 12.0], [994.5944851349217, 443.89791155700203, 1099.4852062058064, 760.574492761348, 11.0], [672.0419233539639, 395.35659695204276, 868.1178295979583, 985.598249197883, 8.0], [1065.3238780802558, 417.8508863719154, 1173.6966691588882, 744.9694623733459, 7.0], [830.947136705022, 415.8641400620245, 960.354950377087, 806.0895549576742, 2.0]], "ret_unmatched_trks_pos": [[1141.1629825147759, 428.1852170236884, 1183.823318971665, 558.1657860399675, 13.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[578.0, 453.55, 633.569, 622.26, 2.138], [832.75, 416.87, 961.71, 805.75, 1.9101], [662.65, 405.34, 845.4399999999999, 955.72, 1.1962], [996.61, 430.92, 1108.75, 769.33, 1.143]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [827.0, 433.0, 982.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [676.0, 420.0, 839.0, 972.0, 1.0], [997.0, 443.0, 1092.0, 758.0, 1.0], [706.0, 458.0, 834.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [452.0, 466.0, 489.0, 574.0, 1.0], [512.0, 455.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [578.0, 453.0, 640.0, 619.0, 1.0], [1055.0, 434.0, 1147.0, 717.0, 1.0], [1190.0, 449.0, 1221.0, 546.0, 1.0], [998.0, 443.0, 1036.0, 560.0, 1.0], [587.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [969.0, 444.0, 1002.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [934.0, 457.0, 955.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 204, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 203}, {"time_since_observed": 11, "confidence": 0.9304081423760979, "age": 121}, {"time_since_observed": 0, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}, {"time_since_observed": 2, "confidence": 0.02645989141509171, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[578.0, 453.55, 633.569, 622.26, 2.138], [832.75, 416.87, 961.71, 805.75, 1.9101], [662.65, 405.34, 845.4399999999999, 955.72, 1.1962], [996.61, 430.92, 1108.75, 769.33, 1.143]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [827.0, 433.0, 982.0, 812.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 778.0, 585.0, 0.0], [1133.0, 450.0, 1171.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [676.0, 420.0, 839.0, 972.0, 1.0], [997.0, 443.0, 1092.0, 758.0, 1.0], [706.0, 458.0, 834.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [452.0, 466.0, 489.0, 574.0, 1.0], [512.0, 455.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [578.0, 453.0, 640.0, 619.0, 1.0], [1055.0, 434.0, 1147.0, 717.0, 1.0], [1190.0, 449.0, 1221.0, 546.0, 1.0], [998.0, 443.0, 1036.0, 560.0, 1.0], [587.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [696.0, 520.0, 736.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 453.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [588.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [969.0, 444.0, 1002.0, 543.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [934.0, 457.0, 955.0, 527.0, 1.0], [537.0, 455.0, 559.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 205, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[578.2389096693626, 453.2144236713545, 634.0006346040404, 622.5027635704031, 12.0], [997.3807954976313, 435.46810972965943, 1107.0004380359962, 766.3294041325809, 11.0], [666.4609468709334, 401.16974955492253, 854.6006865865945, 967.6056849262656, 8.0], [1071.0208700178657, 418.55025952246035, 1179.3936498783112, 745.668801662279, 7.0], [833.2043860620081, 416.43642693335346, 962.405153490854, 806.0405674296194, 2.0]], "ret_unmatched_trks_pos": [[1141.1621342965395, 428.1871537883278, 1183.8224283949394, 558.1675937437271, 13.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[832.75, 416.87, 961.71, 805.75, 2.5097], [996.61, 430.92, 1108.75, 769.33, 1.8002], [581.58, 454.91, 633.36, 612.25, 1.7038], [670.74, 394.97, 866.72, 984.9200000000001, 0.98171], [568.28, 404.07, 641.923, 627.0, 0.70195], [1064.7, 434.36, 1162.192, 728.83, 0.61036]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [831.0, 433.0, 985.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1132.0, 450.0, 1170.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [680.0, 419.0, 842.0, 974.0, 1.0], [1001.0, 443.0, 1106.0, 758.0, 1.0], [709.0, 457.0, 837.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [451.0, 466.0, 488.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [580.0, 453.0, 641.0, 620.0, 1.0], [1059.0, 434.0, 1149.0, 717.0, 1.0], [1191.0, 449.0, 1223.0, 546.0, 1.0], [1001.0, 444.0, 1039.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [933.0, 457.0, 954.0, 527.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 205, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 204}, {"time_since_observed": 12, "confidence": 0.8613331947171812, "age": 122}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 3, "confidence": 0.022086038345999988, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[832.75, 416.87, 961.71, 805.75, 2.5097], [996.61, 430.92, 1108.75, 769.33, 1.8002], [581.58, 454.91, 633.36, 612.25, 1.7038], [670.74, 394.97, 866.72, 984.9200000000001, 0.98171], [568.28, 404.07, 641.923, 627.0, 0.70195], [1064.7, 434.36, 1162.192, 728.83, 0.61036]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [831.0, 433.0, 985.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1132.0, 450.0, 1170.0, 549.0, 1.0], [992.0, 445.0, 1028.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1001.0, 556.0, 1.0], [680.0, 419.0, 842.0, 974.0, 1.0], [1001.0, 443.0, 1106.0, 758.0, 1.0], [709.0, 457.0, 837.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [451.0, 466.0, 488.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [580.0, 453.0, 641.0, 620.0, 1.0], [1059.0, 434.0, 1149.0, 717.0, 1.0], [1191.0, 449.0, 1223.0, 546.0, 1.0], [1001.0, 444.0, 1039.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 610.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [933.0, 457.0, 954.0, 527.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 206, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched_before_before": []}, "ret_ret": [[580.7421402635232, 454.24797729921875, 633.9275119563106, 615.8034678157737, 12.0], [998.322306570065, 432.33611591824547, 1109.6914383423275, 768.4419846236699, 11.0], [669.8039675013695, 397.32703948317203, 863.0438793289522, 979.062850712543, 8.0], [1064.7765344290947, 433.38867423037334, 1162.9349731047064, 729.8583068301492, 7.0], [833.9578690072569, 416.65130760894317, 963.0787456797455, 806.0157089354361, 2.0]], "ret_unmatched_trks_pos": [[1141.1612860783243, 428.18909055303124, 1183.8215378181926, 558.1694014474226, 13.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[583.04, 449.65, 642.669, 630.54, 2.1083], [858.74, 416.87, 987.7, 805.75, 2.015], [996.61, 453.55, 1108.75, 791.96, 1.9064], [676.59, 381.02, 886.71, 1013.38, 1.0149], [1016.1, 329.43, 1164.39, 776.29, 0.87609], [505.0, 449.0, 544.0, 568.0, 0.59611]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [835.0, 433.0, 987.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1131.0, 450.0, 1169.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1002.0, 556.0, 1.0], [684.0, 418.0, 844.0, 977.0, 1.0], [1005.0, 443.0, 1120.0, 758.0, 1.0], [711.0, 457.0, 839.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [449.0, 466.0, 487.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [581.0, 453.0, 641.0, 620.0, 1.0], [1063.0, 433.0, 1152.0, 716.0, 1.0], [1192.0, 449.0, 1224.0, 546.0, 1.0], [1003.0, 444.0, 1042.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 206, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 205}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 123}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]], "unmatched_before_before": []}, "ret_dets": [[583.04, 449.65, 642.669, 630.54, 2.1083], [858.74, 416.87, 987.7, 805.75, 2.015], [996.61, 453.55, 1108.75, 791.96, 1.9064], [676.59, 381.02, 886.71, 1013.38, 1.0149], [1016.1, 329.43, 1164.39, 776.29, 0.87609], [505.0, 449.0, 544.0, 568.0, 0.59611]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [835.0, 433.0, 987.0, 813.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1131.0, 450.0, 1169.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [966.0, 442.0, 1002.0, 556.0, 1.0], [684.0, 418.0, 844.0, 977.0, 1.0], [1005.0, 443.0, 1120.0, 758.0, 1.0], [711.0, 457.0, 839.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [449.0, 466.0, 487.0, 574.0, 1.0], [512.0, 456.0, 543.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [406.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [581.0, 453.0, 641.0, 620.0, 1.0], [1063.0, 433.0, 1152.0, 716.0, 1.0], [1192.0, 449.0, 1224.0, 546.0, 1.0], [1003.0, 444.0, 1042.0, 560.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 713.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [970.0, 445.0, 1003.0, 544.0, 1.0], [586.0, 424.0, 606.0, 467.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 207, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched_before_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]]}, "ret_ret": [[582.62802287889, 451.20296051720004, 640.0012194267835, 625.3373962286518, 12.0], [998.5458823874345, 445.9359777680063, 1110.5720802771395, 784.0110631980913, 11.0], [674.9896070566973, 387.1945905091462, 879.0929227326479, 1001.5185616305581, 8.0], [1032.3437197374903, 360.7334444983384, 1165.8450432184957, 763.3425410887631, 7.0], [851.1160342679286, 416.729769860429, 980.2056727310066, 806.0004194184299, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[589.31, 453.55, 644.8789999999999, 622.26, 2.5021], [858.74, 416.87, 987.7, 805.75, 2.2462], [996.61, 453.55, 1108.75, 791.96, 1.9584], [505.0, 449.0, 544.0, 568.0, 1.3212], [670.74, 394.97, 866.72, 984.9200000000001, 0.95809], [1016.1, 329.43, 1164.39, 776.29, 0.67543], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [839.0, 433.0, 990.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [688.0, 416.0, 846.0, 979.0, 1.0], [1009.0, 444.0, 1135.0, 759.0, 1.0], [714.0, 457.0, 842.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [448.0, 466.0, 486.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [583.0, 453.0, 641.0, 620.0, 1.0], [1067.0, 432.0, 1156.0, 716.0, 1.0], [1192.0, 449.0, 1225.0, 546.0, 1.0], [1006.0, 444.0, 1046.0, 560.0, 1.0], [721.0, 456.0, 740.0, 521.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [971.0, 445.0, 1004.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 207, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 206}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 124}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]], "unmatched_before_before": [[568.28, 404.07, 641.923, 627.0, 0.70195]]}, "ret_dets": [[589.31, 453.55, 644.8789999999999, 622.26, 2.5021], [858.74, 416.87, 987.7, 805.75, 2.2462], [996.61, 453.55, 1108.75, 791.96, 1.9584], [505.0, 449.0, 544.0, 568.0, 1.3212], [670.74, 394.97, 866.72, 984.9200000000001, 0.95809], [1016.1, 329.43, 1164.39, 776.29, 0.67543], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [839.0, 433.0, 990.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [733.0, 478.0, 777.0, 585.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [688.0, 416.0, 846.0, 979.0, 1.0], [1009.0, 444.0, 1135.0, 759.0, 1.0], [714.0, 457.0, 842.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [448.0, 466.0, 486.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [484.0, 459.0, 515.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [583.0, 453.0, 641.0, 620.0, 1.0], [1067.0, 432.0, 1156.0, 716.0, 1.0], [1192.0, 449.0, 1225.0, 546.0, 1.0], [1006.0, 444.0, 1046.0, 560.0, 1.0], [721.0, 456.0, 740.0, 521.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 524.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 546.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [971.0, 445.0, 1004.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 208, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]]}, "ret_ret": [[587.4447869911511, 452.67623377948917, 643.6944520886965, 623.4328424002294, 12.0], [998.5037046977991, 451.08675313783766, 1110.7760542530064, 789.899408538904, 11.0], [672.8973083514018, 391.92712580067644, 872.2242976113266, 991.9228411556245, 8.0], [1022.8593056981184, 340.0746391518009, 1165.9210729355038, 771.3060999109953, 7.0], [857.5165421659169, 416.75645094556666, 986.5935454187686, 805.9891697234148, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.74, 416.87, 987.7, 805.75, 2.6502], [589.31, 453.55, 644.8789999999999, 622.26, 2.0596], [996.61, 453.55, 1108.75, 791.96, 1.4943], [670.74, 394.97, 866.72, 984.9200000000001, 0.92737], [505.0, 449.0, 544.0, 568.0, 0.90314], [846.44, 295.07, 1029.23, 845.45, 0.52903], [1016.1, 329.43, 1164.39, 776.29, 0.44112], [449.0, 465.0, 488.0, 584.0, 0.30067]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [843.0, 432.0, 992.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [692.0, 415.0, 848.0, 982.0, 1.0], [1012.0, 444.0, 1147.0, 760.0, 1.0], [716.0, 457.0, 844.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [447.0, 466.0, 485.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [585.0, 453.0, 642.0, 621.0, 1.0], [1072.0, 431.0, 1159.0, 715.0, 1.0], [1193.0, 449.0, 1226.0, 546.0, 1.0], [1008.0, 444.0, 1049.0, 560.0, 1.0], [721.0, 455.0, 740.0, 521.0, 1.0], [735.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 208, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 207}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 125}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "unmatched": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched_before": [[505.0, 449.0, 544.0, 568.0, 1.3212], [545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]], "unmatched_before_before": [[505.0, 449.0, 544.0, 568.0, 0.59611]]}, "ret_dets": [[858.74, 416.87, 987.7, 805.75, 2.6502], [589.31, 453.55, 644.8789999999999, 622.26, 2.0596], [996.61, 453.55, 1108.75, 791.96, 1.4943], [670.74, 394.97, 866.72, 984.9200000000001, 0.92737], [505.0, 449.0, 544.0, 568.0, 0.90314], [846.44, 295.07, 1029.23, 845.45, 0.52903], [1016.1, 329.43, 1164.39, 776.29, 0.44112], [449.0, 465.0, 488.0, 584.0, 0.30067]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [843.0, 432.0, 992.0, 814.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1130.0, 450.0, 1168.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [692.0, 415.0, 848.0, 982.0, 1.0], [1012.0, 444.0, 1147.0, 760.0, 1.0], [716.0, 457.0, 844.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [447.0, 466.0, 485.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [585.0, 453.0, 642.0, 621.0, 1.0], [1072.0, 431.0, 1159.0, 715.0, 1.0], [1193.0, 449.0, 1226.0, 546.0, 1.0], [1008.0, 444.0, 1049.0, 560.0, 1.0], [721.0, 455.0, 740.0, 521.0, 1.0], [735.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [536.0, 455.0, 558.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 209, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]]}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [589.2160705216744, 453.24280103930437, 645.033388687088, 622.6991548643337, 12.0], [998.3712031161357, 453.0002808025641, 1110.733782081056, 792.0832129887572, 11.0], [672.0453860048186, 393.7527271212983, 869.5152203544718, 988.176316641853, 8.0], [1019.313408198554, 332.6343072764394, 1165.7843810549266, 774.062095348004, 7.0], [859.8068714014948, 416.76371848232793, 988.8783547246769, 805.9798570978435, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.74, 416.87, 987.7, 805.75, 2.627], [583.04, 449.65, 642.669, 630.54, 2.2351], [996.61, 453.55, 1108.75, 791.96, 1.4924], [505.0, 449.0, 544.0, 568.0, 0.9115], [670.74, 394.97, 866.72, 984.9200000000001, 0.8526], [1016.1, 329.43, 1164.39, 776.29, 0.55804], [545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [847.0, 432.0, 994.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1129.0, 450.0, 1167.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [696.0, 414.0, 850.0, 984.0, 1.0], [1015.0, 445.0, 1159.0, 761.0, 1.0], [719.0, 457.0, 847.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [446.0, 466.0, 484.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [587.0, 453.0, 642.0, 621.0, 1.0], [1076.0, 430.0, 1163.0, 715.0, 1.0], [1194.0, 449.0, 1227.0, 546.0, 1.0], [1011.0, 444.0, 1053.0, 560.0, 1.0], [722.0, 455.0, 741.0, 521.0, 1.0], [736.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 209, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 208}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 126}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]], "unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.62753], [828.33, 237.38, 1024.31, 827.33, 0.32235]]}, "ret_dets": [[858.74, 416.87, 987.7, 805.75, 2.627], [583.04, 449.65, 642.669, 630.54, 2.2351], [996.61, 453.55, 1108.75, 791.96, 1.4924], [505.0, 449.0, 544.0, 568.0, 0.9115], [670.74, 394.97, 866.72, 984.9200000000001, 0.8526], [1016.1, 329.43, 1164.39, 776.29, 0.55804], [545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [847.0, 432.0, 994.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1129.0, 450.0, 1167.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [696.0, 414.0, 850.0, 984.0, 1.0], [1015.0, 445.0, 1159.0, 761.0, 1.0], [719.0, 457.0, 847.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [446.0, 466.0, 484.0, 574.0, 1.0], [513.0, 456.0, 544.0, 562.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [407.0, 468.0, 455.0, 572.0, 1.0], [371.0, 446.0, 413.0, 550.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [587.0, 453.0, 642.0, 621.0, 1.0], [1076.0, 430.0, 1163.0, 715.0, 1.0], [1194.0, 449.0, 1227.0, 546.0, 1.0], [1011.0, 444.0, 1053.0, 560.0, 1.0], [722.0, 455.0, 741.0, 521.0, 1.0], [736.0, 450.0, 755.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [594.0, 460.0, 619.0, 523.0, 1.0], [569.0, 462.0, 589.0, 525.0, 1.0], [547.0, 454.0, 571.0, 522.0, 1.0], [608.0, 462.0, 631.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [972.0, 445.0, 1005.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 210, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched_before_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]]}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [585.7228410473584, 450.9308679508197, 644.0170776185199, 627.8233519433115, 12.0], [998.2150982525679, 453.67748297139553, 1110.6086141354365, 792.8530052904347, 11.0], [671.6649246288788, 394.43416307752574, 868.4183644227536, 986.7081549010343, 8.0], [1017.8979488160878, 329.88688581952874, 1165.6450322390017, 775.1298301865656, 7.0], [860.5359801392967, 416.7639243227295, 989.604669245904, 805.9716618695008, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.74, 416.87, 987.7, 805.75, 2.7722], [589.31, 453.55, 644.8789999999999, 622.26, 2.3732], [1014.4, 465.47, 1118.96, 781.1500000000001, 1.1601], [505.0, 449.0, 544.0, 568.0, 0.98655], [1031.7, 363.15, 1169.99, 780.01, 0.57013], [670.74, 394.97, 866.72, 984.9200000000001, 0.56763]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [851.0, 432.0, 996.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1128.0, 450.0, 1166.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [700.0, 413.0, 853.0, 987.0, 1.0], [1018.0, 445.0, 1171.0, 762.0, 1.0], [720.0, 456.0, 848.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [445.0, 466.0, 483.0, 575.0, 1.0], [514.0, 457.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [589.0, 454.0, 643.0, 622.0, 1.0], [1080.0, 429.0, 1166.0, 714.0, 1.0], [1195.0, 449.0, 1229.0, 546.0, 1.0], [1013.0, 445.0, 1056.0, 560.0, 1.0], [723.0, 455.0, 742.0, 521.0, 1.0], [737.0, 450.0, 756.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [505.0, 464.0, 525.0, 545.0, 1.0], [594.0, 460.0, 619.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 522.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [973.0, 445.0, 1006.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 210, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 209}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 127}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]], "unmatched_before_before": [[846.44, 295.07, 1029.23, 845.45, 0.52903], [449.0, 465.0, 488.0, 584.0, 0.30067]]}, "ret_dets": [[858.74, 416.87, 987.7, 805.75, 2.7722], [589.31, 453.55, 644.8789999999999, 622.26, 2.3732], [1014.4, 465.47, 1118.96, 781.1500000000001, 1.1601], [505.0, 449.0, 544.0, 568.0, 0.98655], [1031.7, 363.15, 1169.99, 780.01, 0.57013], [670.74, 394.97, 866.72, 984.9200000000001, 0.56763]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [851.0, 432.0, 996.0, 815.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 777.0, 586.0, 0.0], [1128.0, 450.0, 1166.0, 549.0, 1.0], [991.0, 445.0, 1027.0, 544.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [700.0, 413.0, 853.0, 987.0, 1.0], [1018.0, 445.0, 1171.0, 762.0, 1.0], [720.0, 456.0, 848.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [445.0, 466.0, 483.0, 575.0, 1.0], [514.0, 457.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [589.0, 454.0, 643.0, 622.0, 1.0], [1080.0, 429.0, 1166.0, 714.0, 1.0], [1195.0, 449.0, 1229.0, 546.0, 1.0], [1013.0, 445.0, 1056.0, 560.0, 1.0], [723.0, 455.0, 742.0, 521.0, 1.0], [737.0, 450.0, 756.0, 520.0, 1.0], [588.0, 454.0, 607.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [505.0, 464.0, 525.0, 545.0, 1.0], [594.0, 460.0, 619.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 522.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [587.0, 456.0, 609.0, 520.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [973.0, 445.0, 1006.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 211, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]]}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [588.4439262336159, 452.54695914813703, 645.056109658726, 624.3901747110241, 12.0], [1009.5367137633766, 461.2487191768041, 1117.268686836138, 786.4485961183732, 11.0], [671.4696794263115, 394.67593695291066, 867.9464089182321, 986.119595038849, 8.0], [1027.3013356768893, 350.3597918706612, 1169.385754148675, 778.6119503058667, 7.0], [860.680386507626, 416.7617606318267, 989.7473300722343, 805.964243998201, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.74, 416.87, 987.7, 805.75, 2.5854], [589.31, 453.55, 644.8789999999999, 622.26, 2.4399], [1019.2, 453.55, 1131.3400000000001, 791.96, 1.3942], [505.0, 449.0, 544.0, 568.0, 1.1191], [676.59, 381.02, 886.71, 1013.38, 0.36769]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [855.0, 432.0, 999.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [702.0, 412.0, 860.0, 987.0, 1.0], [1022.0, 446.0, 1184.0, 764.0, 1.0], [721.0, 455.0, 849.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [444.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [590.0, 453.0, 644.0, 622.0, 1.0], [1085.0, 428.0, 1170.0, 714.0, 1.0], [1196.0, 449.0, 1231.0, 546.0, 1.0], [1016.0, 445.0, 1060.0, 560.0, 1.0], [723.0, 454.0, 742.0, 521.0, 1.0], [738.0, 450.0, 757.0, 521.0, 1.0], [588.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 211, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 210}, {"time_since_observed": 0, "confidence": 0.8613331947171812, "age": 128}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[545.46, 455.43, 565.895, 518.736, 0.40382], [846.44, 295.07, 1029.23, 845.45, 0.39957]]}, "ret_dets": [[858.74, 416.87, 987.7, 805.75, 2.5854], [589.31, 453.55, 644.8789999999999, 622.26, 2.4399], [1019.2, 453.55, 1131.3400000000001, 791.96, 1.3942], [505.0, 449.0, 544.0, 568.0, 1.1191], [676.59, 381.02, 886.71, 1013.38, 0.36769]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [855.0, 432.0, 999.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 442.0, 1002.0, 556.0, 1.0], [702.0, 412.0, 860.0, 987.0, 1.0], [1022.0, 446.0, 1184.0, 764.0, 1.0], [721.0, 455.0, 849.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [444.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 458.0, 496.0, 541.0, 1.0], [590.0, 453.0, 644.0, 622.0, 1.0], [1085.0, 428.0, 1170.0, 714.0, 1.0], [1196.0, 449.0, 1231.0, 546.0, 1.0], [1016.0, 445.0, 1060.0, 560.0, 1.0], [723.0, 454.0, 742.0, 521.0, 1.0], [738.0, 450.0, 757.0, 521.0, 1.0], [588.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 425.0, 606.0, 468.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 212, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [589.4394187542582, 453.1799108122697, 645.398387874613, 623.0610601145088, 12.0], [1017.0040583997743, 456.6947636028061, 1127.6456819343366, 790.6191991917023, 11.0], [675.337336345088, 386.1414661974376, 880.6048631724757, 1003.9550476957846, 8.0], [1029.419022369696, 349.67556809094435, 1171.8308000794596, 778.9144096667474, 7.0], [860.6134091991526, 416.75899075194116, 989.6790151708653, 805.9574442303078, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 2.4889], [585.82, 442.87, 649.8000000000001, 636.81, 1.5239], [505.0, 449.0, 544.0, 568.0, 0.79785], [1019.6, 437.53, 1139.8600000000001, 800.3, 0.72485]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [861.0, 431.0, 1001.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1002.0, 556.0, 1.0], [704.0, 411.0, 867.0, 987.0, 1.0], [1022.0, 446.0, 1185.0, 766.0, 1.0], [723.0, 455.0, 851.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [443.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 496.0, 541.0, 1.0], [591.0, 453.0, 645.0, 622.0, 1.0], [1087.0, 428.0, 1179.0, 715.0, 1.0], [1198.0, 449.0, 1234.0, 546.0, 1.0], [1018.0, 445.0, 1063.0, 560.0, 1.0], [724.0, 454.0, 743.0, 521.0, 1.0], [738.0, 450.0, 758.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 212, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 211}, {"time_since_observed": 1, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 2.4889], [585.82, 442.87, 649.8000000000001, 636.81, 1.5239], [505.0, 449.0, 544.0, 568.0, 0.79785], [1019.6, 437.53, 1139.8600000000001, 800.3, 0.72485]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [861.0, 431.0, 1001.0, 816.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [732.0, 478.0, 776.0, 586.0, 0.0], [1127.0, 450.0, 1165.0, 549.0, 1.0], [990.0, 445.0, 1026.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1002.0, 556.0, 1.0], [704.0, 411.0, 867.0, 987.0, 1.0], [1022.0, 446.0, 1185.0, 766.0, 1.0], [723.0, 455.0, 851.0, 832.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [443.0, 466.0, 482.0, 574.0, 1.0], [514.0, 456.0, 545.0, 563.0, 1.0], [483.0, 459.0, 514.0, 562.0, 1.0], [408.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 496.0, 541.0, 1.0], [591.0, 453.0, 645.0, 622.0, 1.0], [1087.0, 428.0, 1179.0, 715.0, 1.0], [1198.0, 449.0, 1234.0, 546.0, 1.0], [1018.0, 445.0, 1063.0, 560.0, 1.0], [724.0, 454.0, 743.0, 521.0, 1.0], [738.0, 450.0, 758.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [974.0, 445.0, 1007.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [535.0, 455.0, 557.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 213, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [587.4954188230447, 446.4365297603261, 648.7010925115453, 632.0732514284439, 12.0], [1020.0608708371619, 444.69080307841466, 1136.952824648712, 797.3689984665108, 11.0], [677.0015590973278, 386.2025263005121, 882.8710510880192, 1005.8279007269757, 8.0], [1031.6186898028664, 349.23843987165856, 1174.1938652698805, 778.969773467197, 7.0], [877.4478742141666, 416.7562600081865, 1006.5123056983111, 805.951173197516, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 2.4075], [595.16, 449.65, 654.789, 630.54, 1.649], [1043.8, 389.02, 1164.06, 751.79, 1.0403], [505.0, 449.0, 544.0, 568.0, 0.86284], [846.44, 295.07, 1029.23, 845.45, 0.4188]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [867.0, 431.0, 1004.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1126.0, 450.0, 1164.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1003.0, 556.0, 1.0], [707.0, 410.0, 874.0, 987.0, 1.0], [1023.0, 446.0, 1187.0, 769.0, 1.0], [724.0, 454.0, 852.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [442.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [593.0, 453.0, 646.0, 622.0, 1.0], [1089.0, 428.0, 1188.0, 717.0, 1.0], [1199.0, 449.0, 1236.0, 546.0, 1.0], [1021.0, 445.0, 1067.0, 560.0, 1.0], [725.0, 454.0, 744.0, 521.0, 1.0], [739.0, 450.0, 759.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [975.0, 445.0, 1008.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 213, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 212}, {"time_since_observed": 2, "confidence": 1, "age": 130}, {"time_since_observed": 1, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.1051975675034723, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 2.4075], [595.16, 449.65, 654.789, 630.54, 1.649], [1043.8, 389.02, 1164.06, 751.79, 1.0403], [505.0, 449.0, 544.0, 568.0, 0.86284], [846.44, 295.07, 1029.23, 845.45, 0.4188]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [867.0, 431.0, 1004.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1126.0, 450.0, 1164.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [967.0, 443.0, 1003.0, 556.0, 1.0], [707.0, 410.0, 874.0, 987.0, 1.0], [1023.0, 446.0, 1187.0, 769.0, 1.0], [724.0, 454.0, 852.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [442.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 458.0, 497.0, 541.0, 1.0], [593.0, 453.0, 646.0, 622.0, 1.0], [1089.0, 428.0, 1188.0, 717.0, 1.0], [1199.0, 449.0, 1236.0, 546.0, 1.0], [1021.0, 445.0, 1067.0, 560.0, 1.0], [725.0, 454.0, 744.0, 521.0, 1.0], [739.0, 450.0, 759.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [659.0, 464.0, 684.0, 536.0, 0.0], [690.0, 461.0, 712.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [586.0, 455.0, 608.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [975.0, 445.0, 1008.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 214, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 129}, {"time_since_observed": 1, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [592.8547353832806, 448.38903139372366, 653.1576350695915, 631.3097194286388, 12.0], [1023.9044006528218, 444.9463580169545, 1141.2854524828142, 799.1002256039278, 11.0], [678.816602688039, 386.7175265071222, 884.9864181650912, 1007.2468136546312, 8.0], [1041.495206114408, 380.4153744718575, 1166.777039147494, 758.2666751456953, 7.0], [883.7161064696846, 416.7537885982818, 1012.7794329536583, 805.9453701803254, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 2.7305], [595.16, 449.65, 654.789, 630.54, 1.0794], [1040.7, 390.88, 1169.66, 779.76, 0.91093], [505.0, 449.0, 544.0, 568.0, 0.82186], [846.44, 295.07, 1029.23, 845.45, 0.5598]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [873.0, 431.0, 1006.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1125.0, 450.0, 1163.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [709.0, 409.0, 881.0, 988.0, 1.0], [1024.0, 446.0, 1189.0, 771.0, 1.0], [726.0, 454.0, 854.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [441.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 497.0, 541.0, 1.0], [594.0, 453.0, 647.0, 622.0, 1.0], [1091.0, 429.0, 1197.0, 719.0, 1.0], [1201.0, 449.0, 1239.0, 547.0, 1.0], [1023.0, 445.0, 1070.0, 560.0, 1.0], [726.0, 454.0, 745.0, 521.0, 1.0], [740.0, 450.0, 760.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [976.0, 445.0, 1009.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 214, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 2, "confidence": 1, "age": 129}, {"time_since_observed": 1, "confidence": 1, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "unmatched_before": [[846.44, 295.07, 1029.23, 845.45, 0.4188]], "unmatched_before_before": []}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 2.7305], [595.16, 449.65, 654.789, 630.54, 1.0794], [1040.7, 390.88, 1169.66, 779.76, 0.91093], [505.0, 449.0, 544.0, 568.0, 0.82186], [846.44, 295.07, 1029.23, 845.45, 0.5598]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [873.0, 431.0, 1006.0, 817.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1125.0, 450.0, 1163.0, 549.0, 1.0], [990.0, 445.0, 1025.0, 543.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [709.0, 409.0, 881.0, 988.0, 1.0], [1024.0, 446.0, 1189.0, 771.0, 1.0], [726.0, 454.0, 854.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [441.0, 466.0, 481.0, 574.0, 1.0], [514.0, 455.0, 546.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 497.0, 541.0, 1.0], [594.0, 453.0, 647.0, 622.0, 1.0], [1091.0, 429.0, 1197.0, 719.0, 1.0], [1201.0, 449.0, 1239.0, 547.0, 1.0], [1023.0, 445.0, 1070.0, 560.0, 1.0], [726.0, 454.0, 745.0, 521.0, 1.0], [740.0, 450.0, 760.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 462.0, 630.0, 519.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [518.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [976.0, 445.0, 1009.0, 544.0, 1.0], [586.0, 426.0, 606.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 215, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 2, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [594.8461269941951, 449.1377080854048, 654.7979436533445, 631.0018188435635, 12.0], [1027.870586295768, 445.57198150521583, 1145.49542448963, 800.4613841916233, 11.0], [818.421502354683, 308.39910362041684, 1006.3838029275881, 874.3040542799449, 8.0], [1041.737943661236, 387.7993478474182, 1169.364494813487, 772.6813194408674, 7.0], [885.9483667744126, 416.75163655780204, 1015.0106218956499, 805.9399876387741, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 2.4988], [1040.7, 390.88, 1169.66, 779.76, 1.1848], [505.0, 449.0, 544.0, 568.0, 1.0924], [600.63, 453.55, 656.199, 622.26, 1.0302], [867.73, 276.78, 1063.71, 866.73, 0.64687]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [879.0, 431.0, 1009.0, 818.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1025.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [712.0, 408.0, 888.0, 988.0, 1.0], [1025.0, 447.0, 1191.0, 774.0, 1.0], [727.0, 453.0, 855.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [440.0, 466.0, 480.0, 574.0, 1.0], [514.0, 455.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [595.0, 453.0, 648.0, 623.0, 1.0], [1094.0, 429.0, 1207.0, 721.0, 1.0], [1202.0, 449.0, 1242.0, 547.0, 1.0], [1026.0, 446.0, 1074.0, 561.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [741.0, 450.0, 761.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 461.0, 630.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 544.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 215, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 2, "confidence": 1, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 2.4988], [1040.7, 390.88, 1169.66, 779.76, 1.1848], [505.0, 449.0, 544.0, 568.0, 1.0924], [600.63, 453.55, 656.199, 622.26, 1.0302], [867.73, 276.78, 1063.71, 866.73, 0.64687]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [879.0, 431.0, 1009.0, 818.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1025.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [712.0, 408.0, 888.0, 988.0, 1.0], [1025.0, 447.0, 1191.0, 774.0, 1.0], [727.0, 453.0, 855.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [440.0, 466.0, 480.0, 574.0, 1.0], [514.0, 455.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 458.0, 498.0, 541.0, 1.0], [595.0, 453.0, 648.0, 623.0, 1.0], [1094.0, 429.0, 1207.0, 721.0, 1.0], [1202.0, 449.0, 1242.0, 547.0, 1.0], [1026.0, 446.0, 1074.0, 561.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [741.0, 450.0, 761.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [607.0, 461.0, 630.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 522.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 544.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 216, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 3, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [599.0740352066304, 451.80390185386864, 656.3451118729835, 625.6258757587229, 12.0], [1031.8978131689948, 446.3817743074268, 1149.6443552661651, 801.6383734653692, 11.0], [855.9730104576307, 284.7976378586912, 1049.1288881197027, 866.279633368116, 8.0], [1041.8227404660183, 390.34512460631584, 1170.2523626709667, 777.634529239887, 7.0], [886.6485720738656, 416.7498049417188, 1015.7097756878404, 805.934985270781, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[866.85, 389.14, 1015.14, 836.0, 2.5477], [600.63, 453.55, 656.199, 622.26, 1.339], [505.0, 449.0, 544.0, 568.0, 1.1047], [1046.0, 329.43, 1194.29, 776.29, 0.93491], [718.81, 381.02, 928.93, 1013.38, 0.30569]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [881.0, 430.0, 1011.0, 821.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [714.0, 407.0, 895.0, 988.0, 1.0], [1031.0, 446.0, 1191.0, 773.0, 1.0], [729.0, 453.0, 857.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [439.0, 466.0, 480.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 498.0, 541.0, 1.0], [596.0, 454.0, 649.0, 623.0, 1.0], [1096.0, 430.0, 1216.0, 723.0, 1.0], [1204.0, 449.0, 1244.0, 547.0, 1.0], [1028.0, 445.0, 1075.0, 563.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [742.0, 450.0, 762.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 216, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 3, "confidence": 1, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[866.85, 389.14, 1015.14, 836.0, 2.5477], [600.63, 453.55, 656.199, 622.26, 1.339], [505.0, 449.0, 544.0, 568.0, 1.1047], [1046.0, 329.43, 1194.29, 776.29, 0.93491], [718.81, 381.02, 928.93, 1013.38, 0.30569]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [881.0, 430.0, 1011.0, 821.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 776.0, 587.0, 0.0], [1124.0, 450.0, 1162.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [714.0, 407.0, 895.0, 988.0, 1.0], [1031.0, 446.0, 1191.0, 773.0, 1.0], [729.0, 453.0, 857.0, 831.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [439.0, 466.0, 480.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [409.0, 469.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 498.0, 541.0, 1.0], [596.0, 454.0, 649.0, 623.0, 1.0], [1096.0, 430.0, 1216.0, 723.0, 1.0], [1204.0, 449.0, 1244.0, 547.0, 1.0], [1028.0, 445.0, 1075.0, 563.0, 1.0], [727.0, 454.0, 746.0, 521.0, 1.0], [742.0, 450.0, 762.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [547.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [585.0, 455.0, 607.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 426.0, 607.0, 469.0, 1.0], [597.0, 423.0, 615.0, 465.0, 1.0], [534.0, 455.0, 556.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 217, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 4, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched_before_before": []}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [600.6432285282623, 452.87038327723053, 656.8593181591988, 623.5241235051828, 12.0], [1035.9554895922954, 447.2834373540834, 1153.7628364926265, 802.7234924946695, 11.0], [871.0390087261304, 276.18224617929405, 1064.2002909338976, 857.6805116881292, 8.0], [1045.3934209761273, 351.4886990692738, 1186.49202334939, 776.7940688929217, 7.0], [875.2511586259154, 399.0851360785639, 1016.6324168138581, 825.2389631750757, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 1.8032], [1209.6, 449.36, 1241.09, 545.83, 1.2882], [600.63, 453.55, 656.199, 622.26, 1.0564], [505.0, 449.0, 544.0, 568.0, 1.046], [846.44, 295.07, 1029.23, 845.45, 0.76099], [718.81, 381.02, 928.93, 1013.38, 0.53097], [1046.0, 329.43, 1194.29, 776.29, 0.36819]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [884.0, 430.0, 1014.0, 825.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1123.0, 450.0, 1161.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [716.0, 406.0, 902.0, 989.0, 1.0], [1037.0, 446.0, 1191.0, 773.0, 1.0], [730.0, 453.0, 858.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [438.0, 466.0, 479.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [598.0, 454.0, 651.0, 624.0, 1.0], [1098.0, 430.0, 1225.0, 725.0, 1.0], [1205.0, 449.0, 1247.0, 548.0, 1.0], [1031.0, 445.0, 1077.0, 566.0, 1.0], [728.0, 454.0, 747.0, 521.0, 1.0], [743.0, 450.0, 763.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 217, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 4, "confidence": 1, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]], "unmatched_before_before": []}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 1.8032], [1209.6, 449.36, 1241.09, 545.83, 1.2882], [600.63, 453.55, 656.199, 622.26, 1.0564], [505.0, 449.0, 544.0, 568.0, 1.046], [846.44, 295.07, 1029.23, 845.45, 0.76099], [718.81, 381.02, 928.93, 1013.38, 0.53097], [1046.0, 329.43, 1194.29, 776.29, 0.36819]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [884.0, 430.0, 1014.0, 825.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1123.0, 450.0, 1161.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [716.0, 406.0, 902.0, 989.0, 1.0], [1037.0, 446.0, 1191.0, 773.0, 1.0], [730.0, 453.0, 858.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [438.0, 466.0, 479.0, 574.0, 1.0], [514.0, 454.0, 547.0, 563.0, 1.0], [482.0, 459.0, 513.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 458.0, 499.0, 541.0, 1.0], [598.0, 454.0, 651.0, 624.0, 1.0], [1098.0, 430.0, 1225.0, 725.0, 1.0], [1205.0, 449.0, 1247.0, 548.0, 1.0], [1031.0, 445.0, 1077.0, 566.0, 1.0], [728.0, 454.0, 747.0, 521.0, 1.0], [743.0, 450.0, 763.0, 520.0, 1.0], [589.0, 454.0, 608.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 518.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [977.0, 445.0, 1010.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 218, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 5, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]]}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [601.1873126826148, 453.2853382225834, 656.9961750715419, 622.7156631883901, 12.0], [1040.028373099302, 448.2309821459212, 1157.866110635382, 803.7627297787885, 11.0], [855.2955826034032, 288.0679920286528, 1040.9295126882623, 846.9821132493926, 8.0], [1046.8025983187629, 337.13780909936224, 1192.443318459155, 776.0601625166295, 7.0], [882.2483203883218, 409.7962839558868, 1016.1458110092047, 813.4992627401305, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[884.73, 416.87, 1013.69, 805.75, 1.5787], [505.0, 449.0, 544.0, 568.0, 1.3118], [1066.7, 390.88, 1195.66, 779.76, 0.911], [1209.6, 449.36, 1241.09, 545.83, 0.74263], [718.81, 381.02, 928.93, 1013.38, 0.73717], [600.63, 453.55, 656.199, 622.26, 0.69344], [846.44, 295.07, 1029.23, 845.45, 0.5804]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [886.0, 429.0, 1017.0, 829.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [719.0, 405.0, 909.0, 989.0, 1.0], [1043.0, 445.0, 1191.0, 773.0, 1.0], [731.0, 454.0, 860.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [437.0, 466.0, 479.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 458.0, 499.0, 541.0, 1.0], [599.0, 455.0, 652.0, 624.0, 1.0], [1101.0, 431.0, 1235.0, 727.0, 1.0], [1207.0, 449.0, 1249.0, 548.0, 1.0], [1034.0, 445.0, 1078.0, 568.0, 1.0], [729.0, 454.0, 748.0, 521.0, 1.0], [744.0, 450.0, 764.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 218, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 5, "confidence": 1, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]], "unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.30569]]}, "ret_dets": [[884.73, 416.87, 1013.69, 805.75, 1.5787], [505.0, 449.0, 544.0, 568.0, 1.3118], [1066.7, 390.88, 1195.66, 779.76, 0.911], [1209.6, 449.36, 1241.09, 545.83, 0.74263], [718.81, 381.02, 928.93, 1013.38, 0.73717], [600.63, 453.55, 656.199, 622.26, 0.69344], [846.44, 295.07, 1029.23, 845.45, 0.5804]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [886.0, 429.0, 1017.0, 829.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [731.0, 478.0, 775.0, 587.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [989.0, 445.0, 1024.0, 542.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [719.0, 405.0, 909.0, 989.0, 1.0], [1043.0, 445.0, 1191.0, 773.0, 1.0], [731.0, 454.0, 860.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [437.0, 466.0, 479.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 458.0, 499.0, 541.0, 1.0], [599.0, 455.0, 652.0, 624.0, 1.0], [1101.0, 431.0, 1235.0, 727.0, 1.0], [1207.0, 449.0, 1249.0, 548.0, 1.0], [1034.0, 445.0, 1078.0, 568.0, 1.0], [729.0, 454.0, 748.0, 521.0, 1.0], [744.0, 450.0, 764.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 219, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]]}, "ret_ret": [[505.0, 449.0, 544.0, 568.0, 14.0], [601.3426559328606, 453.44554146456255, 656.995715863345, 622.4077389371658, 12.0], [1044.1088557346472, 449.2014544942041, 1161.9617856497987, 804.7790395064625, 11.0], [853.352981994115, 290.0647209548548, 1037.1477510245861, 843.4595621218795, 8.0], [1060.366431608948, 370.64507312298724, 1195.9114471600292, 779.290318881167, 7.0], [884.8642604481352, 414.0568103498537, 1015.790719696849, 808.84200736802, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[866.85, 389.14, 1015.14, 836.0, 1.6771], [718.81, 381.02, 928.93, 1013.38, 1.1208], [505.0, 449.0, 544.0, 568.0, 1.0442], [1209.6, 449.36, 1241.09, 545.83, 1.0367], [1066.7, 390.88, 1195.66, 779.76, 0.97919], [598.82, 442.87, 662.8000000000001, 636.81, 0.56504]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [889.0, 429.0, 1020.0, 833.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [730.0, 478.0, 775.0, 588.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [721.0, 404.0, 916.0, 989.0, 1.0], [1049.0, 445.0, 1191.0, 773.0, 1.0], [732.0, 455.0, 861.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [436.0, 466.0, 478.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [470.0, 459.0, 500.0, 542.0, 1.0], [600.0, 455.0, 653.0, 625.0, 1.0], [1103.0, 431.0, 1237.0, 728.0, 1.0], [1208.0, 449.0, 1252.0, 548.0, 1.0], [1036.0, 445.0, 1080.0, 571.0, 1.0], [730.0, 454.0, 749.0, 521.0, 1.0], [745.0, 450.0, 765.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 219, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 6, "confidence": 0.9500008685531823, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "unmatched_before": [[718.81, 381.02, 928.93, 1013.38, 0.73717], [1209.6, 449.36, 1241.09, 545.83, 0.74263]], "unmatched_before_before": [[718.81, 381.02, 928.93, 1013.38, 0.53097], [1209.6, 449.36, 1241.09, 545.83, 1.2882]]}, "ret_dets": [[866.85, 389.14, 1015.14, 836.0, 1.6771], [718.81, 381.02, 928.93, 1013.38, 1.1208], [505.0, 449.0, 544.0, 568.0, 1.0442], [1209.6, 449.36, 1241.09, 545.83, 1.0367], [1066.7, 390.88, 1195.66, 779.76, 0.97919], [598.82, 442.87, 662.8000000000001, 636.81, 0.56504]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [889.0, 429.0, 1020.0, 833.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1089.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 488.0, 744.0, 579.0, 0.0], [679.0, 492.0, 728.0, 598.0, 0.0], [730.0, 478.0, 775.0, 588.0, 0.0], [1122.0, 450.0, 1160.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1003.0, 557.0, 1.0], [721.0, 404.0, 916.0, 989.0, 1.0], [1049.0, 445.0, 1191.0, 773.0, 1.0], [732.0, 455.0, 861.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [436.0, 466.0, 478.0, 574.0, 1.0], [514.0, 453.0, 548.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [410.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [470.0, 459.0, 500.0, 542.0, 1.0], [600.0, 455.0, 653.0, 625.0, 1.0], [1103.0, 431.0, 1237.0, 728.0, 1.0], [1208.0, 449.0, 1252.0, 548.0, 1.0], [1036.0, 445.0, 1080.0, 571.0, 1.0], [730.0, 454.0, 749.0, 521.0, 1.0], [745.0, 450.0, 765.0, 520.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 464.0, 683.0, 536.0, 0.0], [690.0, 461.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 571.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [978.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 220, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 1, "confidence": 1, "age": 135}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0, 449.0, 544.0, 568.0, 14.0], [600.1902752444372, 446.5762927076559, 661.2426993193261, 631.7522788540592, 12.0], [1048.193136831945, 450.1833872951784, 1166.053662202263, 805.7838887814451, 11.0], [864.1685006505581, 283.03312441753394, 1047.8580960912755, 836.1112943196264, 8.0], [1065.52888949431, 383.7184766880123, 1197.0156935148912, 780.1840102811802, 7.0], [874.2733172976232, 398.1412456026894, 1016.3061922358474, 826.2489697880912, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[896.71, 389.14, 1045.0, 836.0, 1.3756], [505.0, 449.0, 544.0, 568.0, 1.0976], [1092.7, 390.88, 1221.66, 779.76, 1.0365], [718.81, 381.02, 928.93, 1013.38, 0.87496], [1209.6, 449.36, 1241.09, 545.83, 0.66914], [598.82, 442.87, 662.8000000000001, 636.81, 0.47061]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [892.0, 429.0, 1021.0, 834.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 489.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 489.0, 744.0, 580.0, 0.0], [679.0, 492.0, 728.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [724.0, 403.0, 923.0, 990.0, 1.0], [1059.0, 444.0, 1192.0, 774.0, 1.0], [734.0, 456.0, 863.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [435.0, 467.0, 478.0, 574.0, 1.0], [514.0, 453.0, 549.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [602.0, 456.0, 655.0, 626.0, 1.0], [1105.0, 431.0, 1239.0, 730.0, 1.0], [1210.0, 449.0, 1255.0, 549.0, 1.0], [1039.0, 445.0, 1081.0, 573.0, 1.0], [731.0, 454.0, 750.0, 521.0, 1.0], [746.0, 450.0, 766.0, 521.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 220, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 137}, {"time_since_observed": 1, "confidence": 1, "age": 135}, {"time_since_observed": 7, "confidence": 0.8683747502208639, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[896.71, 389.14, 1045.0, 836.0, 1.3756], [505.0, 449.0, 544.0, 568.0, 1.0976], [1092.7, 390.88, 1221.66, 779.76, 1.0365], [718.81, 381.02, 928.93, 1013.38, 0.87496], [1209.6, 449.36, 1241.09, 545.83, 0.66914], [598.82, 442.87, 662.8000000000001, 636.81, 0.47061]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [892.0, 429.0, 1021.0, 834.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 489.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [700.0, 489.0, 744.0, 580.0, 0.0], [679.0, 492.0, 728.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [724.0, 403.0, 923.0, 990.0, 1.0], [1059.0, 444.0, 1192.0, 774.0, 1.0], [734.0, 456.0, 863.0, 830.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [435.0, 467.0, 478.0, 574.0, 1.0], [514.0, 453.0, 549.0, 563.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [602.0, 456.0, 655.0, 626.0, 1.0], [1105.0, 431.0, 1239.0, 730.0, 1.0], [1210.0, 449.0, 1255.0, 549.0, 1.0], [1039.0, 445.0, 1081.0, 573.0, 1.0], [731.0, 454.0, 750.0, 521.0, 1.0], [746.0, 450.0, 766.0, 521.0, 1.0], [590.0, 454.0, 609.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 711.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [504.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 618.0, 523.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 521.0, 1.0], [606.0, 461.0, 629.0, 518.0, 1.0], [584.0, 455.0, 606.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1011.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [533.0, 455.0, 555.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 221, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 2, "confidence": 1, "age": 136}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0], [718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0, 449.0, 544.0, 568.0, 14.0], [599.7638447508912, 444.14375251885224, 662.7528263622339, 635.123141712436, 12.0], [1052.2793168848098, 451.17104949155316, 1170.1436397991602, 806.7830086610271, 11.0], [874.9577372037371, 275.9223940700499, 1058.594723261229, 828.8421603275365, 8.0], [1084.3848595392274, 388.7160410672275, 1214.2886911001415, 780.4293173059732, 7.0], [889.7596531965969, 392.3955753452568, 1035.813094119576, 832.556361058976, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[896.71, 389.14, 1045.0, 836.0, 1.7314], [1087.1, 430.92, 1199.24, 769.33, 1.1271], [505.0, 449.0, 544.0, 568.0, 0.92367], [718.81, 381.02, 928.93, 1013.38, 0.82625], [607.29, 449.65, 666.919, 630.54, 0.52267]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [896.0, 429.0, 1023.0, 835.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [727.0, 403.0, 934.0, 990.0, 1.0], [1070.0, 444.0, 1194.0, 775.0, 1.0], [735.0, 454.0, 864.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [433.0, 466.0, 477.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [603.0, 455.0, 656.0, 626.0, 1.0], [1108.0, 432.0, 1241.0, 732.0, 1.0], [1211.0, 449.0, 1256.0, 549.0, 1.0], [1042.0, 445.0, 1083.0, 576.0, 1.0], [732.0, 454.0, 751.0, 521.0, 1.0], [747.0, 450.0, 767.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 221, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 138}, {"time_since_observed": 2, "confidence": 1, "age": 136}, {"time_since_observed": 8, "confidence": 0.6669182462321774, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[896.71, 389.14, 1045.0, 836.0, 1.7314], [1087.1, 430.92, 1199.24, 769.33, 1.1271], [505.0, 449.0, 544.0, 568.0, 0.92367], [718.81, 381.02, 928.93, 1013.38, 0.82625], [607.29, 449.65, 666.919, 630.54, 0.52267]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [896.0, 429.0, 1023.0, 835.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1121.0, 450.0, 1159.0, 549.0, 1.0], [988.0, 445.0, 1023.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [968.0, 443.0, 1004.0, 557.0, 1.0], [727.0, 403.0, 934.0, 990.0, 1.0], [1070.0, 444.0, 1194.0, 775.0, 1.0], [735.0, 454.0, 864.0, 833.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [433.0, 466.0, 477.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [603.0, 455.0, 656.0, 626.0, 1.0], [1108.0, 432.0, 1241.0, 732.0, 1.0], [1211.0, 449.0, 1256.0, 549.0, 1.0], [1042.0, 445.0, 1083.0, 576.0, 1.0], [732.0, 454.0, 751.0, 521.0, 1.0], [747.0, 450.0, 767.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 547.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 427.0, 607.0, 470.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 222, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 3, "confidence": 1, "age": 137}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0, 449.0, 544.0, 568.0, 14.0], [605.0417653801499, 447.4994138987018, 666.0220825943106, 632.450501344951, 12.0], [1056.366446346624, 452.1615761779466, 1174.232667987108, 807.7792640505905, 11.0], [885.7338242374846, 268.7720713214566, 1069.3444999506141, 821.6126187365558, 8.0], [1087.3491934592846, 415.4936110835167, 1206.481688904342, 774.8988364457721, 7.0], [895.5537559581737, 390.24198705643096, 1043.1131417458976, 834.9159591154997, 2.0]], "ret_unmatched_trks_pos": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[896.71, 389.14, 1045.0, 836.0, 1.4268], [1092.3, 413.27, 1212.56, 776.04, 1.2627], [1064.2, 275.37, 1234.68, 788.82, 0.97627], [505.0, 449.0, 544.0, 568.0, 0.89573], [613.25, 454.91, 665.03, 612.25, 0.70321], [718.81, 381.02, 928.93, 1013.38, 0.59147]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [899.0, 429.0, 1025.0, 836.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [730.0, 404.0, 946.0, 990.0, 1.0], [1080.0, 444.0, 1195.0, 776.0, 1.0], [736.0, 452.0, 865.0, 837.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [432.0, 466.0, 476.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [604.0, 454.0, 657.0, 627.0, 1.0], [1114.0, 431.0, 1242.0, 732.0, 1.0], [1212.0, 449.0, 1257.0, 549.0, 1.0], [1043.0, 445.0, 1086.0, 572.0, 1.0], [733.0, 454.0, 752.0, 521.0, 1.0], [748.0, 450.0, 768.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 222, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 139}, {"time_since_observed": 3, "confidence": 1, "age": 137}, {"time_since_observed": 9, "confidence": 0.5975998866595865, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}, {"time_since_observed": 1, "confidence": 0.011812213807429217, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[896.71, 389.14, 1045.0, 836.0, 1.4268], [1092.3, 413.27, 1212.56, 776.04, 1.2627], [1064.2, 275.37, 1234.68, 788.82, 0.97627], [505.0, 449.0, 544.0, 568.0, 0.89573], [613.25, 454.91, 665.03, 612.25, 0.70321], [718.81, 381.02, 928.93, 1013.38, 0.59147]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [899.0, 429.0, 1025.0, 836.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 775.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [730.0, 404.0, 946.0, 990.0, 1.0], [1080.0, 444.0, 1195.0, 776.0, 1.0], [736.0, 452.0, 865.0, 837.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [432.0, 466.0, 476.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [481.0, 459.0, 512.0, 562.0, 1.0], [411.0, 470.0, 455.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [604.0, 454.0, 657.0, 627.0, 1.0], [1114.0, 431.0, 1242.0, 732.0, 1.0], [1212.0, 449.0, 1257.0, 549.0, 1.0], [1043.0, 445.0, 1086.0, 572.0, 1.0], [733.0, 454.0, 752.0, 521.0, 1.0], [748.0, 450.0, 768.0, 521.0, 1.0], [591.0, 454.0, 610.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [695.0, 520.0, 735.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 617.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [979.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 424.0, 616.0, 466.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 223, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 4, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0, 449.0, 544.0, 568.0, 14.0], [610.7314812152849, 451.7186737346177, 666.1419302835295, 619.9702884845702, 12.0], [1064.6990075024153, 283.90995136033155, 1231.9354264939664, 787.6677017734015, 11.0], [896.5033343920894, 261.6019459908442, 1080.1008535191415, 814.4028797275944, 8.0], [1092.020288262041, 414.9566289736784, 1211.7839315839947, 776.2433204467243, 7.0], [897.6303709639776, 389.42314692980915, 1045.7597881808006, 835.8052325679686, 2.0]], "ret_unmatched_trks_pos": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[892.44, 418.86, 1030.73, 835.72, 1.2354], [1092.7, 390.88, 1221.66, 779.76, 1.214], [508.57, 448.86, 544.891, 559.82, 0.9156], [718.81, 381.02, 928.93, 1013.38, 0.57117], [611.94, 453.55, 667.509, 622.26, 0.45696]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [903.0, 429.0, 1027.0, 837.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 774.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [734.0, 404.0, 958.0, 991.0, 1.0], [1091.0, 444.0, 1197.0, 777.0, 1.0], [738.0, 450.0, 866.0, 840.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [431.0, 466.0, 475.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [412.0, 471.0, 456.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [605.0, 453.0, 658.0, 627.0, 1.0], [1120.0, 431.0, 1243.0, 733.0, 1.0], [1214.0, 449.0, 1259.0, 549.0, 1.0], [1044.0, 445.0, 1090.0, 569.0, 1.0], [734.0, 454.0, 753.0, 522.0, 1.0], [749.0, 450.0, 769.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 223, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 4, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5975998866595865, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}, {"time_since_observed": 2, "confidence": 0.00902620603505584, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[892.44, 418.86, 1030.73, 835.72, 1.2354], [1092.7, 390.88, 1221.66, 779.76, 1.214], [508.57, 448.86, 544.891, 559.82, 0.9156], [718.81, 381.02, 928.93, 1013.38, 0.57117], [611.94, 453.55, 667.509, 622.26, 0.45696]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [903.0, 429.0, 1027.0, 837.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [730.0, 479.0, 774.0, 588.0, 0.0], [1120.0, 450.0, 1158.0, 549.0, 1.0], [988.0, 445.0, 1022.0, 541.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [734.0, 404.0, 958.0, 991.0, 1.0], [1091.0, 444.0, 1197.0, 777.0, 1.0], [738.0, 450.0, 866.0, 840.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [431.0, 466.0, 475.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [412.0, 471.0, 456.0, 572.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [605.0, 453.0, 658.0, 627.0, 1.0], [1120.0, 431.0, 1243.0, 733.0, 1.0], [1214.0, 449.0, 1259.0, 549.0, 1.0], [1044.0, 445.0, 1090.0, 569.0, 1.0], [734.0, 454.0, 753.0, 522.0, 1.0], [749.0, 450.0, 769.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 529.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [548.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [583.0, 455.0, 605.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1005.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 445.0, 1012.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 224, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 5, "confidence": 1, "age": 139}, {"time_since_observed": 1, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [507.3218284154205, 448.82560260687006, 544.6138273483946, 562.6992447468755, 14.0], [612.1166995940799, 452.8459749331572, 667.618320875337, 621.3602023500126, 12.0], [1070.2527755594135, 277.8738426537343, 1238.1897671899917, 783.7418923590599, 11.0], [907.2695555769563, 254.4219177729223, 1090.860496057407, 807.2030436059422, 8.0], [1094.0155198844895, 400.33698205951305, 1219.5152794237947, 778.8379737801486, 7.0], [895.3066844108325, 407.92153751268637, 1037.5174289084662, 836.5496654889193, 2.0]], "ret_unmatched_trks_pos": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1092.3, 437.53, 1212.56, 800.3, 1.4706], [892.44, 418.86, 1030.73, 835.72, 1.414], [611.94, 453.55, 667.509, 622.26, 0.77912], [718.81, 381.02, 928.93, 1013.38, 0.72334], [1098.5, 275.37, 1268.98, 788.82, 0.67697], [505.0, 449.0, 544.0, 568.0, 0.54271]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [907.0, 429.0, 1029.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1022.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [737.0, 405.0, 969.0, 991.0, 1.0], [1096.0, 444.0, 1201.0, 780.0, 1.0], [739.0, 448.0, 867.0, 844.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [430.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [607.0, 453.0, 659.0, 628.0, 1.0], [1126.0, 430.0, 1244.0, 734.0, 1.0], [1215.0, 449.0, 1260.0, 549.0, 1.0], [1045.0, 445.0, 1093.0, 566.0, 1.0], [735.0, 454.0, 754.0, 521.0, 1.0], [750.0, 450.0, 770.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 446.0, 1013.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 224, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 5, "confidence": 1, "age": 139}, {"time_since_observed": 1, "confidence": 1, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}, {"time_since_observed": 3, "confidence": 0.007268000890389738, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1092.3, 437.53, 1212.56, 800.3, 1.4706], [892.44, 418.86, 1030.73, 835.72, 1.414], [611.94, 453.55, 667.509, 622.26, 0.77912], [718.81, 381.02, 928.93, 1013.38, 0.72334], [1098.5, 275.37, 1268.98, 788.82, 0.67697], [505.0, 449.0, 544.0, 568.0, 0.54271]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [907.0, 429.0, 1029.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1022.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 443.0, 1004.0, 557.0, 1.0], [737.0, 405.0, 969.0, 991.0, 1.0], [1096.0, 444.0, 1201.0, 780.0, 1.0], [739.0, 448.0, 867.0, 844.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [430.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [607.0, 453.0, 659.0, 628.0, 1.0], [1126.0, 430.0, 1244.0, 734.0, 1.0], [1215.0, 449.0, 1260.0, 549.0, 1.0], [1045.0, 445.0, 1093.0, 566.0, 1.0], [735.0, 454.0, 754.0, 521.0, 1.0], [750.0, 450.0, 770.0, 522.0, 1.0], [592.0, 454.0, 611.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 588.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [980.0, 446.0, 1013.0, 543.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [532.0, 455.0, 554.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 225, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 6, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.87555346889764, 448.9280092771302, 544.2337343803445, 566.003110448112, 14.0], [612.5869883084295, 453.2795394037861, 668.1236069565741, 621.8945885063027, 12.0], [1093.7088071321607, 274.8269291229153, 1263.6509124601596, 786.6768240341294, 11.0], [918.0341321443739, 247.23693771215403, 1101.6217832131222, 800.0081593271366, 8.0], [1094.2632775184188, 424.85763014825056, 1216.4865655407734, 793.5220818109001, 7.0], [894.3525614131926, 415.04984954022996, 1034.2361587922956, 836.6945891304841, 2.0]], "ret_unmatched_trks_pos": [[1209.6, 449.36, 1241.0899999999997, 545.83, 16.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1092.3, 437.53, 1212.56, 800.3, 1.3623], [896.71, 389.14, 1045.0, 836.0, 1.269], [607.29, 449.65, 666.919, 630.54, 1.1101], [1098.5, 275.37, 1268.98, 788.82, 1.0947], [718.81, 381.02, 928.93, 1013.38, 1.0063], [505.0, 449.0, 544.0, 568.0, 0.85291]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [908.0, 428.0, 1031.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [741.0, 405.0, 981.0, 992.0, 1.0], [1101.0, 444.0, 1206.0, 783.0, 1.0], [741.0, 446.0, 869.0, 848.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [429.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [608.0, 452.0, 661.0, 628.0, 1.0], [1132.0, 430.0, 1245.0, 735.0, 1.0], [1217.0, 449.0, 1262.0, 549.0, 1.0], [1047.0, 445.0, 1097.0, 563.0, 1.0], [736.0, 454.0, 755.0, 521.0, 1.0], [752.0, 450.0, 771.0, 523.0, 1.0], [592.0, 454.0, 612.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 225, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 6, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 1, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1092.3, 437.53, 1212.56, 800.3, 1.3623], [896.71, 389.14, 1045.0, 836.0, 1.269], [607.29, 449.65, 666.919, 630.54, 1.1101], [1098.5, 275.37, 1268.98, 788.82, 1.0947], [718.81, 381.02, 928.93, 1013.38, 1.0063], [505.0, 449.0, 544.0, 568.0, 0.85291]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [908.0, 428.0, 1031.0, 839.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1119.0, 450.0, 1157.0, 549.0, 1.0], [987.0, 445.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [741.0, 405.0, 981.0, 992.0, 1.0], [1101.0, 444.0, 1206.0, 783.0, 1.0], [741.0, 446.0, 869.0, 848.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [429.0, 466.0, 474.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [480.0, 458.0, 511.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [608.0, 452.0, 661.0, 628.0, 1.0], [1132.0, 430.0, 1245.0, 735.0, 1.0], [1217.0, 449.0, 1262.0, 549.0, 1.0], [1047.0, 445.0, 1097.0, 563.0, 1.0], [736.0, 454.0, 755.0, 521.0, 1.0], [752.0, 450.0, 771.0, 523.0, 1.0], [592.0, 454.0, 612.0, 515.0, 1.0], [658.0, 463.0, 683.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 616.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [598.0, 425.0, 616.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 226, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 7, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.32726300486667, 448.98115382594415, 544.0840027259078, 567.2518139211882, 14.0], [609.7040603473278, 450.9838296162509, 667.8479269771693, 627.4243636834226, 12.0], [1099.3043195015923, 273.49811990822457, 1269.72503106511, 786.7768342867242, 11.0], [928.7978863699166, 240.04948163015, 1112.383892710712, 792.8157510695667, 8.0], [1094.2440475473322, 434.14537918939214, 1215.1933198505303, 798.9840556049617, 7.0], [896.8262656620745, 398.7281407325353, 1042.0796162278677, 836.4837434716711, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1118.7, 390.88, 1247.66, 779.76, 1.4893], [896.71, 389.14, 1045.0, 836.0, 1.3766], [718.81, 381.02, 928.93, 1013.38, 0.90919], [505.0, 449.0, 544.0, 568.0, 0.90134], [611.94, 453.55, 667.509, 622.26, 0.84274], [1064.7, 276.78, 1260.68, 866.73, 0.32219]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [910.0, 428.0, 1034.0, 840.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [744.0, 406.0, 993.0, 992.0, 1.0], [1106.0, 444.0, 1211.0, 786.0, 1.0], [742.0, 444.0, 870.0, 851.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [427.0, 465.0, 473.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [609.0, 451.0, 662.0, 629.0, 1.0], [1138.0, 430.0, 1246.0, 736.0, 1.0], [1218.0, 449.0, 1263.0, 549.0, 1.0], [1049.0, 445.0, 1097.0, 565.0, 1.0], [737.0, 454.0, 756.0, 521.0, 1.0], [753.0, 450.0, 772.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 226, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 7, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 1, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1118.7, 390.88, 1247.66, 779.76, 1.4893], [896.71, 389.14, 1045.0, 836.0, 1.3766], [718.81, 381.02, 928.93, 1013.38, 0.90919], [505.0, 449.0, 544.0, 568.0, 0.90134], [611.94, 453.55, 667.509, 622.26, 0.84274], [1064.7, 276.78, 1260.68, 866.73, 0.32219]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [910.0, 428.0, 1034.0, 840.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1004.0, 557.0, 1.0], [744.0, 406.0, 993.0, 992.0, 1.0], [1106.0, 444.0, 1211.0, 786.0, 1.0], [742.0, 444.0, 870.0, 851.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [427.0, 465.0, 473.0, 574.0, 1.0], [514.0, 453.0, 548.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [411.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [609.0, 451.0, 662.0, 629.0, 1.0], [1138.0, 430.0, 1246.0, 736.0, 1.0], [1218.0, 449.0, 1263.0, 549.0, 1.0], [1049.0, 445.0, 1097.0, 565.0, 1.0], [737.0, 454.0, 756.0, 521.0, 1.0], [753.0, 450.0, 772.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 530.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [605.0, 461.0, 628.0, 518.0, 1.0], [582.0, 455.0, 604.0, 519.0, 1.0], [519.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1013.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 227, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 8, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.11883081602156, 449.0031902125599, 544.0263667797154, 567.7260086225596, 14.0], [611.560903186401, 452.54534900217163, 668.1201226859675, 624.2294105254332, 12.0], [1079.2299809377973, 274.4689449827697, 1266.2069611220572, 837.429374141811, 11.0], [939.561229416234, 232.8607875125732, 1123.1464133875272, 785.6245808475695, 8.0], [1111.4695734971128, 407.42104148579847, 1237.4046413641709, 787.2250981882803, 7.0], [897.6996338022449, 392.5655070345189, 1044.9517470987362, 836.3158467598781, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[892.44, 418.86, 1030.73, 835.72, 1.3631], [1116.6, 437.53, 1236.86, 800.3, 1.2414], [1098.5, 309.67, 1268.98, 823.1200000000001, 1.0199], [505.0, 449.0, 544.0, 568.0, 0.72379], [718.81, 381.02, 928.93, 1013.38, 0.62525], [611.94, 453.55, 667.509, 622.26, 0.55319], [867.73, 276.78, 1063.71, 866.73, 0.35016]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [912.0, 428.0, 1036.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [747.0, 406.0, 1004.0, 992.0, 1.0], [1111.0, 444.0, 1216.0, 790.0, 1.0], [743.0, 442.0, 871.0, 855.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [426.0, 465.0, 472.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [611.0, 451.0, 663.0, 629.0, 1.0], [1144.0, 429.0, 1251.0, 737.0, 1.0], [1219.0, 449.0, 1264.0, 549.0, 1.0], [1051.0, 445.0, 1097.0, 568.0, 1.0], [738.0, 454.0, 757.0, 521.0, 1.0], [754.0, 450.0, 773.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 227, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 8, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 1, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[892.44, 418.86, 1030.73, 835.72, 1.3631], [1116.6, 437.53, 1236.86, 800.3, 1.2414], [1098.5, 309.67, 1268.98, 823.1200000000001, 1.0199], [505.0, 449.0, 544.0, 568.0, 0.72379], [718.81, 381.02, 928.93, 1013.38, 0.62525], [611.94, 453.55, 667.509, 622.26, 0.55319], [867.73, 276.78, 1063.71, 866.73, 0.35016]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [912.0, 428.0, 1036.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1118.0, 450.0, 1156.0, 549.0, 1.0], [987.0, 446.0, 1021.0, 540.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [747.0, 406.0, 1004.0, 992.0, 1.0], [1111.0, 444.0, 1216.0, 790.0, 1.0], [743.0, 442.0, 871.0, 855.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [426.0, 465.0, 472.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [611.0, 451.0, 663.0, 629.0, 1.0], [1144.0, 429.0, 1251.0, 737.0, 1.0], [1219.0, 449.0, 1264.0, 549.0, 1.0], [1051.0, 445.0, 1097.0, 568.0, 1.0], [738.0, 454.0, 757.0, 521.0, 1.0], [754.0, 450.0, 773.0, 523.0, 1.0], [593.0, 455.0, 612.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 615.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [981.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 428.0, 607.0, 471.0, 1.0], [599.0, 425.0, 617.0, 467.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 228, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0398079003092, 449.01121244566434, 544.0046583636391, 567.905855629644, 14.0], [612.2315138156254, 453.1590677630907, 668.1744158321745, 622.9920506213754, 12.0], [1093.2973410932645, 295.61326685303203, 1270.3842125692886, 828.8985136651427, 11.0], [871.5991532424111, 275.25676105101405, 1066.5527360654908, 862.1295000067614, 8.0], [1116.3844411487485, 427.2866602287246, 1238.7803832907339, 796.4682516430872, 7.0], [894.965605089667, 409.05866107327324, 1036.8239426546806, 836.6290301984448, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[892.44, 418.86, 1030.73, 835.72, 1.2794], [1109.7, 453.55, 1221.8400000000001, 791.96, 1.2669], [505.0, 449.0, 544.0, 568.0, 0.94807], [611.94, 453.55, 667.509, 622.26, 0.76448], [718.81, 381.02, 928.93, 1013.38, 0.76357], [1098.5, 275.37, 1268.98, 788.82, 0.57452], [867.73, 276.78, 1063.71, 866.73, 0.42185]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [913.0, 428.0, 1039.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [751.0, 407.0, 1016.0, 993.0, 1.0], [1113.0, 443.0, 1226.0, 790.0, 1.0], [745.0, 440.0, 872.0, 858.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [425.0, 465.0, 471.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [612.0, 450.0, 664.0, 630.0, 1.0], [1150.0, 429.0, 1257.0, 738.0, 1.0], [1221.0, 449.0, 1266.0, 549.0, 1.0], [1053.0, 445.0, 1098.0, 570.0, 1.0], [739.0, 454.0, 758.0, 521.0, 1.0], [755.0, 450.0, 774.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 429.0, 607.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 228, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 1, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[892.44, 418.86, 1030.73, 835.72, 1.2794], [1109.7, 453.55, 1221.8400000000001, 791.96, 1.2669], [505.0, 449.0, 544.0, 568.0, 0.94807], [611.94, 453.55, 667.509, 622.26, 0.76448], [718.81, 381.02, 928.93, 1013.38, 0.76357], [1098.5, 275.37, 1268.98, 788.82, 0.57452], [867.73, 276.78, 1063.71, 866.73, 0.42185]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [913.0, 428.0, 1039.0, 841.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 774.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [969.0, 444.0, 1005.0, 557.0, 1.0], [751.0, 407.0, 1016.0, 993.0, 1.0], [1113.0, 443.0, 1226.0, 790.0, 1.0], [745.0, 440.0, 872.0, 858.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [425.0, 465.0, 471.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [479.0, 458.0, 510.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 459.0, 499.0, 542.0, 1.0], [612.0, 450.0, 664.0, 630.0, 1.0], [1150.0, 429.0, 1257.0, 738.0, 1.0], [1221.0, 449.0, 1266.0, 549.0, 1.0], [1053.0, 445.0, 1098.0, 570.0, 1.0], [739.0, 454.0, 758.0, 521.0, 1.0], [755.0, 450.0, 774.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [587.0, 429.0, 607.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [531.0, 455.0, 553.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 229, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [505.0101451587555, 449.01347676653756, 543.9968181545663, 567.9735362872985, 14.0], [612.4474515406235, 453.3965992029255, 668.1534918374053, 622.5180190621063, 12.0], [1098.531240435859, 281.51186301728427, 1271.6967541338356, 803.0264389022434, 11.0], [870.8147702364197, 275.3907642488453, 1066.4868965172782, 864.4183088698851, 8.0], [1113.4345119595248, 444.7570338281374, 1229.4982278175755, 794.9432340591865, 7.0], [893.884840889716, 415.4109139768392, 1033.6276132138698, 836.6328298234138, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1118.7, 390.88, 1247.66, 779.76, 1.5649], [910.72, 442.87, 1039.68, 831.75, 1.0879], [611.81, 442.87, 675.79, 636.81, 1.0206], [505.0, 449.0, 544.0, 568.0, 0.79125], [718.81, 381.02, 928.93, 1013.38, 0.67606]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [915.0, 427.0, 1041.0, 842.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 773.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [754.0, 407.0, 1028.0, 993.0, 1.0], [1116.0, 443.0, 1237.0, 791.0, 1.0], [746.0, 438.0, 873.0, 862.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [424.0, 465.0, 470.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 460.0, 499.0, 542.0, 1.0], [613.0, 449.0, 665.0, 630.0, 1.0], [1156.0, 428.0, 1262.0, 739.0, 1.0], [1222.0, 449.0, 1267.0, 549.0, 1.0], [1055.0, 445.0, 1098.0, 573.0, 1.0], [740.0, 454.0, 759.0, 521.0, 1.0], [756.0, 450.0, 775.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 229, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 1, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1118.7, 390.88, 1247.66, 779.76, 1.5649], [910.72, 442.87, 1039.68, 831.75, 1.0879], [611.81, 442.87, 675.79, 636.81, 1.0206], [505.0, 449.0, 544.0, 568.0, 0.79125], [718.81, 381.02, 928.93, 1013.38, 0.67606]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [915.0, 427.0, 1041.0, 842.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1087.0, 484.0, 1124.0, 597.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [729.0, 479.0, 773.0, 589.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [754.0, 407.0, 1028.0, 993.0, 1.0], [1116.0, 443.0, 1237.0, 791.0, 1.0], [746.0, 438.0, 873.0, 862.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [424.0, 465.0, 470.0, 574.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [410.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [469.0, 460.0, 499.0, 542.0, 1.0], [613.0, 449.0, 665.0, 630.0, 1.0], [1156.0, 428.0, 1262.0, 739.0, 1.0], [1222.0, 449.0, 1267.0, 549.0, 1.0], [1055.0, 445.0, 1098.0, 573.0, 1.0], [740.0, 454.0, 759.0, 521.0, 1.0], [756.0, 450.0, 775.0, 523.0, 1.0], [594.0, 455.0, 613.0, 515.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 531.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 528.0, 725.0, 607.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [549.0, 455.0, 572.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [982.0, 446.0, 1014.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 230, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [504.99929642007737, 449.0134972441417, 543.9942832035154, 567.9984770960756, 14.0], [612.4432146658767, 446.6123045637765, 673.4803935400603, 631.7413720076064, 12.0], [1103.9638421558052, 278.372168184741, 1277.5196453563258, 801.0621609298173, 11.0], [876.2430712632539, 272.68027812818656, 1072.0394140751496, 862.0817490701022, 8.0], [1118.2936648288485, 411.0887019422206, 1242.4609147346225, 785.5958020608228, 7.0], [905.1631147198948, 432.9007713485536, 1038.3897853589456, 834.5837101619521, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1118.7, 390.88, 1247.66, 779.76, 1.2282], [611.81, 442.87, 675.79, 636.81, 1.1456], [896.71, 389.14, 1045.0, 836.0, 1.066], [505.0, 449.0, 544.0, 568.0, 0.69035], [718.81, 381.02, 928.93, 1013.38, 0.67444]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [917.0, 427.0, 1044.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [758.0, 408.0, 1040.0, 994.0, 1.0], [1119.0, 443.0, 1247.0, 791.0, 1.0], [748.0, 436.0, 875.0, 866.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [423.0, 465.0, 470.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 460.0, 498.0, 542.0, 1.0], [615.0, 449.0, 667.0, 631.0, 1.0], [1163.0, 428.0, 1268.0, 740.0, 1.0], [1224.0, 449.0, 1269.0, 549.0, 1.0], [1058.0, 445.0, 1099.0, 576.0, 1.0], [741.0, 454.0, 760.0, 521.0, 1.0], [757.0, 450.0, 776.0, 523.0, 1.0], [594.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 529.0, 725.0, 608.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 230, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 1, "confidence": 1, "age": 145}, {"time_since_observed": 1, "confidence": 1, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}, {"time_since_observed": 0, "confidence": 0.5, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1118.7, 390.88, 1247.66, 779.76, 1.2282], [611.81, 442.87, 675.79, 636.81, 1.1456], [896.71, 389.14, 1045.0, 836.0, 1.066], [505.0, 449.0, 544.0, 568.0, 0.69035], [718.81, 381.02, 928.93, 1013.38, 0.67444]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [917.0, 427.0, 1044.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 488.0, 1090.0, 593.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [699.0, 489.0, 743.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1020.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [758.0, 408.0, 1040.0, 994.0, 1.0], [1119.0, 443.0, 1247.0, 791.0, 1.0], [748.0, 436.0, 875.0, 866.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [423.0, 465.0, 470.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [468.0, 460.0, 498.0, 542.0, 1.0], [615.0, 449.0, 667.0, 631.0, 1.0], [1163.0, 428.0, 1268.0, 740.0, 1.0], [1224.0, 449.0, 1269.0, 549.0, 1.0], [1058.0, 445.0, 1099.0, 576.0, 1.0], [741.0, 454.0, 760.0, 521.0, 1.0], [757.0, 450.0, 776.0, 523.0, 1.0], [594.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [679.0, 529.0, 725.0, 608.0, 0.0], [503.0, 463.0, 524.0, 545.0, 1.0], [593.0, 460.0, 614.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 461.0, 627.0, 518.0, 1.0], [581.0, 455.0, 603.0, 519.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 231, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 2, "confidence": 1, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [504.9955930323541, 449.01270525529696, 543.993746593139, 568.0071769047337, 14.0], [612.4578057240893, 444.2030590413497, 675.4114787227378, 635.075127009073, 12.0], [1109.4941806311092, 275.52682262203933, 1283.2447998234582, 798.8035336875496, 11.0], [881.7024411941155, 270.06331805337385, 1077.5608627289935, 859.6516632244732, 8.0], [1120.0705504313294, 398.4181226439772, 1247.19853801957, 781.8048298399184, 7.0], [900.5056843116934, 405.2190853145988, 1043.342650214405, 835.7348519514969, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[619.41, 449.65, 679.039, 630.54, 1.2919], [1118.7, 390.88, 1247.66, 779.76, 1.2347], [896.71, 389.14, 1045.0, 836.0, 1.0029], [718.81, 381.02, 928.93, 1013.38, 0.78975], [505.0, 449.0, 544.0, 568.0, 0.76222]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [918.0, 427.0, 1046.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [764.0, 408.0, 1040.0, 993.0, 1.0], [1122.0, 443.0, 1258.0, 792.0, 1.0], [749.0, 436.0, 879.0, 867.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 468.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 460.0, 497.0, 542.0, 1.0], [616.0, 449.0, 669.0, 630.0, 1.0], [1169.0, 427.0, 1274.0, 741.0, 1.0], [1225.0, 448.0, 1271.0, 549.0, 1.0], [1059.0, 445.0, 1100.0, 573.0, 1.0], [742.0, 454.0, 761.0, 521.0, 1.0], [758.0, 450.0, 777.0, 523.0, 1.0], [595.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 231, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 2, "confidence": 1, "age": 146}, {"time_since_observed": 2, "confidence": 1, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}, {"time_since_observed": 0, "confidence": 0.5, "age": 11}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[619.41, 449.65, 679.039, 630.54, 1.2919], [1118.7, 390.88, 1247.66, 779.76, 1.2347], [896.71, 389.14, 1045.0, 836.0, 1.0029], [718.81, 381.02, 928.93, 1013.38, 0.78975], [505.0, 449.0, 544.0, 568.0, 0.76222]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [918.0, 427.0, 1046.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [764.0, 408.0, 1040.0, 993.0, 1.0], [1122.0, 443.0, 1258.0, 792.0, 1.0], [749.0, 436.0, 879.0, 867.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 468.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [467.0, 460.0, 497.0, 542.0, 1.0], [616.0, 449.0, 669.0, 630.0, 1.0], [1169.0, 427.0, 1274.0, 741.0, 1.0], [1225.0, 448.0, 1271.0, 549.0, 1.0], [1059.0, 445.0, 1100.0, 573.0, 1.0], [742.0, 454.0, 761.0, 521.0, 1.0], [758.0, 450.0, 777.0, 523.0, 1.0], [595.0, 455.0, 614.0, 515.0, 1.0], [603.0, 457.0, 621.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 446.0, 1015.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0], [530.0, 455.0, 552.0, 509.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 232, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 3, "confidence": 1, "age": 147}, {"time_since_observed": 3, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [504.99457798674644, 449.0116693519841, 543.9939363742881, 568.0097519697358, 14.0], [617.3293769570311, 447.5416712696534, 678.2837712375141, 632.4140364733888, 12.0], [1115.0732640380527, 272.8282799175259, 1288.921209358951, 796.3981035870938, 11.0], [887.1773344944432, 267.49308763993247, 1083.066788013371, 857.174847717473, 8.0], [1120.6173522601941, 393.610555914004, 1248.8586796391935, 780.3353967402352, 7.0], [898.741504390963, 394.89582161130903, 1045.083386479292, 835.9197765516444, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[619.41, 449.65, 679.039, 630.54, 1.7756], [1144.7, 390.88, 1273.66, 779.76, 1.1897], [896.71, 389.14, 1045.0, 836.0, 1.0236], [718.81, 381.02, 928.93, 1013.38, 0.73537], [505.0, 449.0, 544.0, 568.0, 0.568], [825.55, 292.02, 1067.06, 1018.56, 0.53031]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [920.0, 427.0, 1049.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [770.0, 408.0, 1040.0, 993.0, 1.0], [1125.0, 443.0, 1269.0, 793.0, 1.0], [750.0, 436.0, 883.0, 868.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 467.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 460.0, 496.0, 542.0, 1.0], [617.0, 449.0, 672.0, 630.0, 1.0], [1175.0, 426.0, 1281.0, 742.0, 1.0], [1227.0, 448.0, 1273.0, 549.0, 1.0], [1061.0, 445.0, 1101.0, 570.0, 1.0], [743.0, 454.0, 762.0, 521.0, 1.0], [759.0, 450.0, 778.0, 523.0, 1.0], [595.0, 455.0, 615.0, 515.0, 1.0], [604.0, 457.0, 622.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 232, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 3, "confidence": 1, "age": 147}, {"time_since_observed": 3, "confidence": 1, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}, {"time_since_observed": 0, "confidence": 0.5, "age": 12}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[619.41, 449.65, 679.039, 630.54, 1.7756], [1144.7, 390.88, 1273.66, 779.76, 1.1897], [896.71, 389.14, 1045.0, 836.0, 1.0236], [718.81, 381.02, 928.93, 1013.38, 0.73537], [505.0, 449.0, 544.0, 568.0, 0.568], [825.55, 292.02, 1067.06, 1018.56, 0.53031]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [920.0, 427.0, 1049.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [986.0, 446.0, 1019.0, 539.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [770.0, 408.0, 1040.0, 993.0, 1.0], [1125.0, 443.0, 1269.0, 793.0, 1.0], [750.0, 436.0, 883.0, 868.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 467.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [478.0, 458.0, 509.0, 561.0, 1.0], [409.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [466.0, 460.0, 496.0, 542.0, 1.0], [617.0, 449.0, 672.0, 630.0, 1.0], [1175.0, 426.0, 1281.0, 742.0, 1.0], [1227.0, 448.0, 1273.0, 549.0, 1.0], [1061.0, 445.0, 1101.0, 570.0, 1.0], [743.0, 454.0, 762.0, 521.0, 1.0], [759.0, 450.0, 778.0, 523.0, 1.0], [595.0, 455.0, 615.0, 515.0, 1.0], [604.0, 457.0, 622.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [604.0, 460.0, 627.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 521.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [983.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 429.0, 608.0, 472.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 233, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 4, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [504.994551147572, 449.0106087856707, 543.9943664177998, 568.01006053872, 14.0], [619.1472200475459, 448.83950720259486, 679.3201485358659, 631.3651054855745, 12.0], [1120.676689190504, 270.2030461231625, 1294.573277148936, 793.9193645764879, 11.0], [834.5912545109417, 290.84562920729263, 1068.9935607145067, 996.0843979076924, 8.0], [1137.674838159071, 391.7899872117149, 1266.3391635541234, 779.7829781647418, 7.0], [898.0171593551211, 390.997326474735, 1045.6750102638844, 835.9656730675154, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[619.41, 449.65, 679.039, 630.54, 1.3267], [1144.7, 390.88, 1273.66, 779.76, 1.0816], [718.81, 381.02, 928.93, 1013.38, 0.8526], [920.3, 418.86, 1058.59, 835.72, 0.67979], [505.0, 449.0, 544.0, 568.0, 0.55279], [825.55, 292.02, 1067.06, 1018.56, 0.53874]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 427.0, 1052.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1019.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [776.0, 408.0, 1040.0, 993.0, 1.0], [1128.0, 442.0, 1272.0, 795.0, 1.0], [751.0, 436.0, 887.0, 869.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 466.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 460.0, 495.0, 542.0, 1.0], [618.0, 449.0, 674.0, 630.0, 1.0], [1182.0, 426.0, 1288.0, 743.0, 1.0], [1229.0, 448.0, 1275.0, 549.0, 1.0], [1062.0, 445.0, 1103.0, 567.0, 1.0], [745.0, 454.0, 764.0, 522.0, 1.0], [760.0, 450.0, 779.0, 523.0, 1.0], [596.0, 455.0, 615.0, 515.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 233, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 4, "confidence": 1, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}, {"time_since_observed": 0, "confidence": 0.5, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[619.41, 449.65, 679.039, 630.54, 1.3267], [1144.7, 390.88, 1273.66, 779.76, 1.0816], [718.81, 381.02, 928.93, 1013.38, 0.8526], [920.3, 418.86, 1058.59, 835.72, 0.67979], [505.0, 449.0, 544.0, 568.0, 0.55279], [825.55, 292.02, 1067.06, 1018.56, 0.53874]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 427.0, 1052.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1019.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1005.0, 558.0, 1.0], [776.0, 408.0, 1040.0, 993.0, 1.0], [1128.0, 442.0, 1272.0, 795.0, 1.0], [751.0, 436.0, 887.0, 869.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 466.0, 575.0, 1.0], [514.0, 453.0, 547.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [465.0, 460.0, 495.0, 542.0, 1.0], [618.0, 449.0, 674.0, 630.0, 1.0], [1182.0, 426.0, 1288.0, 743.0, 1.0], [1229.0, 448.0, 1275.0, 549.0, 1.0], [1062.0, 445.0, 1103.0, 567.0, 1.0], [745.0, 454.0, 764.0, 522.0, 1.0], [760.0, 450.0, 779.0, 523.0, 1.0], [596.0, 455.0, 615.0, 515.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 542.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [599.0, 426.0, 617.0, 468.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 234, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 5, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[718.8099999999998, 381.02000000000004, 928.93, 1013.3800000000001, 15.0], [504.99486635761787, 449.00960331603926, 543.9948534428302, 568.0095697976736, 14.0], [619.7928445292634, 449.3357545708932, 679.6638368100917, 630.9543650466287, 12.0], [1126.2922775531815, 267.61444370699417, 1300.213181728695, 791.4039941876869, 11.0], [829.2261766576506, 293.0621757910152, 1068.4101960128353, 1012.6341513467963, 8.0], [1144.0093033477706, 391.1087662815131, 1272.835079564025, 779.585772643176, 7.0], [912.8965713870912, 408.35249065047356, 1054.910388586227, 836.3897583149917, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1144.7, 390.88, 1273.66, 779.76, 1.2982], [619.41, 449.65, 679.039, 630.54, 1.263], [749.54, 394.97, 945.52, 984.9200000000001, 1.038], [505.0, 449.0, 544.0, 568.0, 0.75688], [780.76, 260.92, 1039.68, 1039.68, 0.49976]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 426.0, 1053.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [783.0, 408.0, 1040.0, 993.0, 1.0], [1131.0, 442.0, 1275.0, 798.0, 1.0], [753.0, 436.0, 891.0, 870.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 464.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [464.0, 460.0, 494.0, 542.0, 1.0], [619.0, 449.0, 677.0, 630.0, 1.0], [1183.0, 426.0, 1297.0, 744.0, 1.0], [1231.0, 448.0, 1277.0, 549.0, 1.0], [1064.0, 445.0, 1104.0, 564.0, 1.0], [746.0, 453.0, 765.0, 522.0, 1.0], [761.0, 450.0, 780.0, 523.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 234, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 0.5, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 5, "confidence": 1, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}, {"time_since_observed": 0, "confidence": 0.5, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1144.7, 390.88, 1273.66, 779.76, 1.2982], [619.41, 449.65, 679.039, 630.54, 1.263], [749.54, 394.97, 945.52, 984.9200000000001, 1.038], [505.0, 449.0, 544.0, 568.0, 0.75688], [780.76, 260.92, 1039.68, 1039.68, 0.49976]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [922.0, 426.0, 1053.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [728.0, 479.0, 773.0, 590.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [783.0, 408.0, 1040.0, 993.0, 1.0], [1131.0, 442.0, 1275.0, 798.0, 1.0], [753.0, 436.0, 891.0, 870.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 464.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [464.0, 460.0, 494.0, 542.0, 1.0], [619.0, 449.0, 677.0, 630.0, 1.0], [1183.0, 426.0, 1297.0, 744.0, 1.0], [1231.0, 448.0, 1277.0, 549.0, 1.0], [1064.0, 445.0, 1104.0, 564.0, 1.0], [746.0, 453.0, 765.0, 522.0, 1.0], [761.0, 450.0, 780.0, 523.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [605.0, 457.0, 623.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [984.0, 447.0, 1016.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 235, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 6, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[738.8884386469206, 389.76818207779496, 939.9914920286519, 995.0832043528358, 15.0], [504.9952801950626, 449.00867780577903, 543.9953305392737, 568.0088336692986, 14.0], [619.9930712881916, 449.5227360226803, 679.7475041074828, 630.7911529901256, 12.0], [1131.9139456075281, 265.0441512172918, 1305.8470066167847, 788.87031387242, 11.0], [798.2025798886993, 273.9419934342897, 1050.0809574625323, 1031.5913285020538, 8.0], [1146.249173660398, 390.8620334260303, 1275.1368019358688, 779.5244681937967, 7.0], [915.353143024096, 408.4768106022605, 1057.5957290369183, 837.2035997504511, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1135.6, 389.14, 1283.8899999999999, 836.0, 1.3216], [619.41, 449.65, 679.039, 630.54, 1.095], [736.17, 442.1, 918.9599999999999, 992.48, 0.80518], [505.0, 449.0, 544.0, 568.0, 0.62456], [780.76, 260.92, 1039.68, 1039.68, 0.58824]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [923.0, 425.0, 1055.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [789.0, 408.0, 1040.0, 993.0, 1.0], [1134.0, 442.0, 1278.0, 801.0, 1.0], [754.0, 436.0, 896.0, 871.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 463.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [463.0, 460.0, 493.0, 542.0, 1.0], [621.0, 450.0, 680.0, 630.0, 1.0], [1184.0, 427.0, 1306.0, 745.0, 1.0], [1233.0, 448.0, 1279.0, 549.0, 1.0], [1066.0, 446.0, 1106.0, 561.0, 1.0], [747.0, 453.0, 766.0, 522.0, 1.0], [762.0, 450.0, 781.0, 524.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [606.0, 457.0, 624.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 235, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 6, "confidence": 1, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}, {"time_since_observed": 0, "confidence": 0.5, "age": 15}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1135.6, 389.14, 1283.8899999999999, 836.0, 1.3216], [619.41, 449.65, 679.039, 630.54, 1.095], [736.17, 442.1, 918.9599999999999, 992.48, 0.80518], [505.0, 449.0, 544.0, 568.0, 0.62456], [780.76, 260.92, 1039.68, 1039.68, 0.58824]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [923.0, 425.0, 1055.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [789.0, 408.0, 1040.0, 993.0, 1.0], [1134.0, 442.0, 1278.0, 801.0, 1.0], [754.0, 436.0, 896.0, 871.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 463.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [477.0, 458.0, 508.0, 561.0, 1.0], [408.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [463.0, 460.0, 493.0, 542.0, 1.0], [621.0, 450.0, 680.0, 630.0, 1.0], [1184.0, 427.0, 1306.0, 745.0, 1.0], [1233.0, 448.0, 1279.0, 549.0, 1.0], [1066.0, 446.0, 1106.0, 561.0, 1.0], [747.0, 453.0, 766.0, 522.0, 1.0], [762.0, 450.0, 781.0, 524.0, 1.0], [596.0, 456.0, 616.0, 516.0, 1.0], [606.0, 457.0, 624.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 524.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 548.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 236, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 7, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[737.5451581825089, 423.68472585513973, 926.8175238596373, 993.5092082142357, 15.0], [504.99570288957455, 449.0078360425973, 543.9957752463916, 568.0080576827469, 14.0], [620.0269672876701, 449.59142686914134, 679.7359982543597, 630.7234085106805, 12.0], [1137.5386530296212, 262.483012250987, 1311.477792137128, 786.3274800337554, 11.0], [786.6382543905906, 266.87683152615955, 1043.1261192748345, 1038.3482774387921, 8.0], [1141.135398689464, 390.0608071524168, 1282.3861409185722, 815.8215120144775, 7.0], [917.8669757958093, 408.7737186875637, 1060.2238083529012, 837.8448530523941, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1165.1, 437.53, 1285.36, 800.3, 1.2428], [619.41, 449.65, 679.039, 630.54, 1.2375], [749.54, 394.97, 945.52, 984.9200000000001, 0.69294], [505.0, 449.0, 544.0, 568.0, 0.56251], [780.76, 260.92, 1039.68, 1039.68, 0.44214], [1132.8, 309.67, 1303.28, 823.1200000000001, 0.38808]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [924.0, 424.0, 1057.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [795.0, 408.0, 1040.0, 993.0, 1.0], [1139.0, 441.0, 1281.0, 801.0, 1.0], [755.0, 436.0, 900.0, 872.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 462.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [462.0, 460.0, 492.0, 542.0, 1.0], [622.0, 450.0, 685.0, 630.0, 1.0], [1185.0, 428.0, 1316.0, 746.0, 1.0], [1235.0, 448.0, 1282.0, 549.0, 1.0], [1067.0, 445.0, 1108.0, 561.0, 1.0], [748.0, 453.0, 767.0, 522.0, 1.0], [762.0, 450.0, 781.0, 523.0, 1.0], [597.0, 456.0, 616.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 236, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 7, "confidence": 1, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}, {"time_since_observed": 0, "confidence": 0.5, "age": 16}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1165.1, 437.53, 1285.36, 800.3, 1.2428], [619.41, 449.65, 679.039, 630.54, 1.2375], [749.54, 394.97, 945.52, 984.9200000000001, 0.69294], [505.0, 449.0, 544.0, 568.0, 0.56251], [780.76, 260.92, 1039.68, 1039.68, 0.44214], [1132.8, 309.67, 1303.28, 823.1200000000001, 0.38808]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [924.0, 424.0, 1057.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [985.0, 446.0, 1018.0, 538.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [970.0, 444.0, 1006.0, 558.0, 1.0], [795.0, 408.0, 1040.0, 993.0, 1.0], [1139.0, 441.0, 1281.0, 801.0, 1.0], [755.0, 436.0, 900.0, 872.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 462.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [462.0, 460.0, 492.0, 542.0, 1.0], [622.0, 450.0, 685.0, 630.0, 1.0], [1185.0, 428.0, 1316.0, 746.0, 1.0], [1235.0, 448.0, 1282.0, 549.0, 1.0], [1067.0, 445.0, 1108.0, 561.0, 1.0], [748.0, 453.0, 767.0, 522.0, 1.0], [762.0, 450.0, 781.0, 523.0, 1.0], [597.0, 456.0, 616.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [678.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 237, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[745.9435905993007, 406.0948935847485, 939.050932759722, 987.4232464354627, 15.0], [504.9961030746155, 449.0070741441197, 543.9961818580776, 568.0073148628277, 14.0], [620.001206364455, 449.6151855648297, 679.6920937897029, 630.6926213823347, 12.0], [1133.2678277526913, 306.8699619425911, 1304.0700607403103, 821.2880369106977, 11.0], [782.2879805834858, 264.08967799184575, 1040.5088547680054, 1040.757141290064, 8.0], [1157.8128258560932, 419.87000116049694, 1286.4351744354972, 807.750983122763, 7.0], [920.4093873880114, 409.15676487179604, 1062.8233088483948, 838.3999682554081, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1165.1, 437.53, 1285.36, 800.3, 1.566], [624.81, 442.87, 688.79, 636.81, 1.2378], [749.54, 394.97, 945.52, 984.9200000000001, 0.64424], [505.0, 449.0, 544.0, 568.0, 0.44536]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [925.0, 423.0, 1058.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 444.0, 1006.0, 558.0, 1.0], [802.0, 408.0, 1040.0, 993.0, 1.0], [1145.0, 440.0, 1284.0, 802.0, 1.0], [757.0, 436.0, 904.0, 873.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 460.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [461.0, 460.0, 491.0, 542.0, 1.0], [623.0, 450.0, 690.0, 631.0, 1.0], [1185.0, 428.0, 1317.0, 747.0, 1.0], [1237.0, 448.0, 1284.0, 549.0, 1.0], [1069.0, 445.0, 1110.0, 561.0, 1.0], [749.0, 453.0, 768.0, 522.0, 1.0], [763.0, 450.0, 782.0, 523.0, 1.0], [597.0, 456.0, 617.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 237, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 1, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}, {"time_since_observed": 0, "confidence": 0.5, "age": 17}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1165.1, 437.53, 1285.36, 800.3, 1.566], [624.81, 442.87, 688.79, 636.81, 1.2378], [749.54, 394.97, 945.52, 984.9200000000001, 0.64424], [505.0, 449.0, 544.0, 568.0, 0.44536]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [925.0, 423.0, 1058.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 444.0, 1006.0, 558.0, 1.0], [802.0, 408.0, 1040.0, 993.0, 1.0], [1145.0, 440.0, 1284.0, 802.0, 1.0], [757.0, 436.0, 904.0, 873.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 460.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [461.0, 460.0, 491.0, 542.0, 1.0], [623.0, 450.0, 690.0, 631.0, 1.0], [1185.0, 428.0, 1317.0, 747.0, 1.0], [1237.0, 448.0, 1284.0, 549.0, 1.0], [1069.0, 445.0, 1110.0, 561.0, 1.0], [749.0, 453.0, 768.0, 522.0, 1.0], [763.0, 450.0, 782.0, 523.0, 1.0], [597.0, 456.0, 617.0, 516.0, 1.0], [607.0, 457.0, 625.0, 517.0, 1.0], [657.0, 463.0, 682.0, 535.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [592.0, 460.0, 613.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [985.0, 447.0, 1017.0, 541.0, 1.0], [588.0, 430.0, 608.0, 473.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 238, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[749.0799566803914, 399.4018531956473, 943.6481183478413, 985.1117828543473, 15.0], [504.99647139232445, 449.0063858008027, 543.9965507912001, 568.0066281945067, 14.0], [623.5219563542325, 445.31096638927966, 685.9672846777817, 634.6544349902854, 12.0], [1138.1357316768813, 307.26013913892126, 1308.89489771458, 821.5485060986191, 11.0], [780.5298071797257, 266.65674157263345, 1039.3364436139982, 1045.0860395096984, 8.0], [1164.172116144865, 431.68926159329305, 1287.6343283084666, 804.0769206103395, 7.0], [922.9660754961146, 409.5828412412495, 1065.4085328279878, 838.9120532732009, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[624.81, 442.87, 688.79, 636.81, 1.4184], [1165.1, 437.53, 1285.36, 800.3, 1.4174], [749.54, 394.97, 945.52, 984.9200000000001, 0.62391], [780.76, 260.92, 1039.68, 1039.68, 0.4736], [506.88, 446.86, 548.751, 574.47, 0.38896], [1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [926.0, 422.0, 1060.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [808.0, 408.0, 1040.0, 993.0, 1.0], [1151.0, 440.0, 1287.0, 803.0, 1.0], [758.0, 436.0, 908.0, 874.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 459.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [625.0, 451.0, 695.0, 631.0, 1.0], [1185.0, 428.0, 1319.0, 749.0, 1.0], [1239.0, 448.0, 1286.0, 550.0, 1.0], [1071.0, 445.0, 1112.0, 561.0, 1.0], [750.0, 453.0, 769.0, 522.0, 1.0], [764.0, 450.0, 783.0, 523.0, 1.0], [598.0, 456.0, 617.0, 516.0, 1.0], [608.0, 457.0, 626.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 238, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 155}, {"time_since_observed": 1, "confidence": 1, "age": 153}, {"time_since_observed": 1, "confidence": 1, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}, {"time_since_observed": 0, "confidence": 0.5, "age": 18}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[624.81, 442.87, 688.79, 636.81, 1.4184], [1165.1, 437.53, 1285.36, 800.3, 1.4174], [749.54, 394.97, 945.52, 984.9200000000001, 0.62391], [780.76, 260.92, 1039.68, 1039.68, 0.4736], [506.88, 446.86, 548.751, 574.47, 0.38896], [1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [926.0, 422.0, 1060.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [808.0, 408.0, 1040.0, 993.0, 1.0], [1151.0, 440.0, 1287.0, 803.0, 1.0], [758.0, 436.0, 908.0, 874.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 459.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [476.0, 458.0, 507.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [625.0, 451.0, 695.0, 631.0, 1.0], [1185.0, 428.0, 1319.0, 749.0, 1.0], [1239.0, 448.0, 1286.0, 550.0, 1.0], [1071.0, 445.0, 1112.0, 561.0, 1.0], [750.0, 453.0, 769.0, 522.0, 1.0], [764.0, 450.0, 783.0, 523.0, 1.0], [598.0, 456.0, 617.0, 516.0, 1.0], [608.0, 457.0, 626.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 730.0, 534.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 724.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [603.0, 460.0, 626.0, 517.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [520.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 427.0, 618.0, 469.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 239, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "unmatched": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched_before_before": []}, "ret_ret": [[750.1998214278939, 396.849526882403, 945.339263816379, 984.273035145353, 15.0], [506.2446737028897, 447.66463473422084, 547.0804565841102, 572.1755332925778, 14.0], [624.8330747976083, 443.71521811278325, 688.2977128675122, 636.1145468328677, 12.0], [1142.9928709004469, 307.6178954677023, 1313.7304993894743, 821.8413961540896, 11.0], [780.3329271878058, 262.9193403050167, 1039.3013915591966, 1041.8279464395848, 8.0], [1166.4577927545267, 436.20864704174676, 1287.8922430799319, 802.5056647940227, 7.0], [925.5298986438578, 410.0304230031527, 1067.9866217679405, 839.402632898544, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[505.0, 449.0, 544.0, 568.0, 1.3746], [1165.1, 437.53, 1285.36, 800.3, 1.3535], [624.81, 442.87, 688.79, 636.81, 1.2681], [1195.3, 359.28, 1343.59, 806.14, 0.54433], [717.57, 419.0, 865.86, 865.86, 0.47783], [749.54, 434.36, 945.52, 1024.31, 0.3809]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [927.0, 421.0, 1062.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [814.0, 408.0, 1040.0, 993.0, 1.0], [1160.0, 439.0, 1289.0, 801.0, 1.0], [759.0, 436.0, 912.0, 875.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 458.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [626.0, 451.0, 700.0, 632.0, 1.0], [1186.0, 429.0, 1321.0, 751.0, 1.0], [1241.0, 448.0, 1288.0, 550.0, 1.0], [1073.0, 445.0, 1114.0, 561.0, 1.0], [751.0, 453.0, 770.0, 522.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [609.0, 457.0, 627.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [714.0, 477.0, 730.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 239, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 1, "age": 154}, {"time_since_observed": 2, "confidence": 1, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}, {"time_since_observed": 0, "confidence": 0.5, "age": 19}], "unmatched": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]], "unmatched_before_before": []}, "ret_dets": [[505.0, 449.0, 544.0, 568.0, 1.3746], [1165.1, 437.53, 1285.36, 800.3, 1.3535], [624.81, 442.87, 688.79, 636.81, 1.2681], [1195.3, 359.28, 1343.59, 806.14, 0.54433], [717.57, 419.0, 865.86, 865.86, 0.47783], [749.54, 434.36, 945.52, 1024.31, 0.3809]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [927.0, 421.0, 1062.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 479.0, 772.0, 591.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1017.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [814.0, 408.0, 1040.0, 993.0, 1.0], [1160.0, 439.0, 1289.0, 801.0, 1.0], [759.0, 436.0, 912.0, 875.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 458.0, 575.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 471.0, 456.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [460.0, 460.0, 490.0, 542.0, 1.0], [626.0, 451.0, 700.0, 632.0, 1.0], [1186.0, 429.0, 1321.0, 751.0, 1.0], [1241.0, 448.0, 1288.0, 550.0, 1.0], [1073.0, 445.0, 1114.0, 561.0, 1.0], [751.0, 453.0, 770.0, 522.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [609.0, 457.0, 627.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [714.0, 477.0, 730.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 589.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [568.0, 462.0, 587.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [986.0, 447.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 240, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "unmatched": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched_before_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]]}, "ret_ret": [[750.5538654655439, 421.6681176078338, 945.9262933117444, 1009.7906237518249, 15.0], [505.46126371513947, 448.4733394307631, 545.1716670732944, 569.6073155725973, 14.0], [625.2869868041093, 443.112661347703, 689.135120553651, 636.6612112642684, 12.0], [1187.3191039947644, 349.562687785226, 1340.2442022227544, 810.3388245745489, 11.0], [778.8405264228757, 265.32116925096227, 1038.0997700534676, 1045.1043624439467, 8.0], [1167.1759582325908, 437.8699709085877, 1287.8275691999725, 801.8153000341185, 7.0], [928.0972885075014, 410.4887550382241, 1070.561143991993, 839.8824622507188, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[505.0, 449.0, 544.0, 568.0, 1.5069], [1171.0, 418.86, 1309.29, 835.72, 1.1402], [624.81, 442.87, 688.79, 636.81, 1.1022], [747.43, 419.0, 895.7199999999999, 865.86, 0.65705]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [929.0, 421.0, 1066.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [821.0, 408.0, 1040.0, 993.0, 1.0], [1169.0, 439.0, 1292.0, 800.0, 1.0], [761.0, 437.0, 917.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 457.0, 576.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [457.0, 460.0, 487.0, 542.0, 1.0], [628.0, 452.0, 705.0, 633.0, 1.0], [1193.0, 428.0, 1324.0, 751.0, 1.0], [1243.0, 448.0, 1290.0, 550.0, 1.0], [1075.0, 445.0, 1117.0, 561.0, 1.0], [753.0, 453.0, 772.0, 523.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 240, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 1, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 1, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}, {"time_since_observed": 0, "confidence": 0.5, "age": 20}], "unmatched": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]], "unmatched_before_before": [[1115.3, 446.72, 1149.1219999999998, 550.19, 0.30291]]}, "ret_dets": [[505.0, 449.0, 544.0, 568.0, 1.5069], [1171.0, 418.86, 1309.29, 835.72, 1.1402], [624.81, 442.87, 688.79, 636.81, 1.1022], [747.43, 419.0, 895.7199999999999, 865.86, 0.65705]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [929.0, 421.0, 1066.0, 843.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 489.0, 742.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1006.0, 558.0, 1.0], [821.0, 408.0, 1040.0, 993.0, 1.0], [1169.0, 439.0, 1292.0, 800.0, 1.0], [761.0, 437.0, 917.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [422.0, 465.0, 457.0, 576.0, 1.0], [514.0, 453.0, 546.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [457.0, 460.0, 487.0, 542.0, 1.0], [628.0, 452.0, 705.0, 633.0, 1.0], [1193.0, 428.0, 1324.0, 751.0, 1.0], [1243.0, 448.0, 1290.0, 550.0, 1.0], [1075.0, 445.0, 1117.0, 561.0, 1.0], [753.0, 453.0, 772.0, 523.0, 1.0], [765.0, 450.0, 784.0, 523.0, 1.0], [598.0, 456.0, 618.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [502.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1018.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 241, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]]}, "ret_ret": [[748.0954222645018, 417.5296847213234, 914.6518048084283, 919.2330457746899, 15.0], [505.1649753051517, 448.7936923305459, 544.4375756088208, 568.6127534899209, 14.0], [625.4146347071865, 442.88392934361775, 689.4071447538672, 636.865016760309, 12.0], [1194.7545513065231, 351.5060381385305, 1347.3972909763254, 811.4314049290849, 11.0], [777.420881588123, 267.94182878039305, 1036.825392617561, 1048.1619478648236, 8.0], [1171.2961274692093, 426.65033605186477, 1303.144869162184, 824.1999794104099, 7.0], [930.6664615281975, 410.95246160436295, 1073.133883058993, 840.3569170718263, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[717.57, 419.0, 865.86, 865.86, 1.0272], [505.0, 449.0, 544.0, 568.0, 0.97963], [631.54, 449.65, 691.169, 630.54, 0.92196], [1189.3, 437.53, 1309.56, 800.3, 0.82279], [845.49, 338.79, 1055.6100000000001, 971.1500000000001, 0.49215]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [931.0, 421.0, 1070.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [830.0, 407.0, 1043.0, 997.0, 1.0], [1178.0, 438.0, 1295.0, 799.0, 1.0], [764.0, 436.0, 918.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [454.0, 460.0, 484.0, 542.0, 1.0], [629.0, 451.0, 705.0, 633.0, 1.0], [1201.0, 427.0, 1327.0, 751.0, 1.0], [1245.0, 448.0, 1292.0, 550.0, 1.0], [1077.0, 445.0, 1119.0, 561.0, 1.0], [754.0, 453.0, 773.0, 522.0, 1.0], [766.0, 450.0, 785.0, 523.0, 1.0], [599.0, 456.0, 619.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 241, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 2, "confidence": 1, "age": 156}, {"time_since_observed": 1, "confidence": 1, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}, {"time_since_observed": 0, "confidence": 0.5, "age": 21}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[717.57, 419.0, 865.86, 865.86, 0.47783]]}, "ret_dets": [[717.57, 419.0, 865.86, 865.86, 1.0272], [505.0, 449.0, 544.0, 568.0, 0.97963], [631.54, 449.65, 691.169, 630.54, 0.92196], [1189.3, 437.53, 1309.56, 800.3, 0.82279], [845.49, 338.79, 1055.6100000000001, 971.1500000000001, 0.49215]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [931.0, 421.0, 1070.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 772.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [984.0, 446.0, 1016.0, 537.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [830.0, 407.0, 1043.0, 997.0, 1.0], [1178.0, 438.0, 1295.0, 799.0, 1.0], [764.0, 436.0, 918.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [454.0, 460.0, 484.0, 542.0, 1.0], [629.0, 451.0, 705.0, 633.0, 1.0], [1201.0, 427.0, 1327.0, 751.0, 1.0], [1245.0, 448.0, 1292.0, 550.0, 1.0], [1077.0, 445.0, 1119.0, 561.0, 1.0], [754.0, 453.0, 773.0, 522.0, 1.0], [766.0, 450.0, 785.0, 523.0, 1.0], [599.0, 456.0, 619.0, 516.0, 1.0], [610.0, 457.0, 628.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [600.0, 428.0, 618.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 242, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 2, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[728.2991985622914, 418.09175483372314, 882.5292663343964, 882.780590965966, 15.0], [505.05264460052706, 448.9176830641449, 544.156870479727, 568.2308678076162, 14.0], [629.7394194778791, 446.99435771464954, 691.0970774344352, 633.0748968342041, 12.0], [1202.1195070020024, 353.23699134446264, 1354.6208713461758, 812.7363824309934, 11.0], [832.8017819839754, 323.20634557912723, 1053.9368352304125, 988.6328401487531, 8.0], [1184.4500221753192, 433.8687636928811, 1309.2065902113686, 810.1383989265606, 7.0], [933.2365260772056, 411.4188552846875, 1075.705730597681, 840.8286847787481, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.43, 419.0, 895.7199999999999, 865.86, 1.522], [631.54, 449.65, 691.169, 630.54, 1.4679], [505.0, 449.0, 544.0, 568.0, 1.4204], [825.55, 340.52, 1067.06, 1067.06, 0.75107], [1189.3, 437.53, 1309.56, 800.3, 0.48112]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [933.0, 421.0, 1075.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1016.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [839.0, 407.0, 1046.0, 1001.0, 1.0], [1188.0, 438.0, 1298.0, 798.0, 1.0], [767.0, 436.0, 919.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [452.0, 460.0, 482.0, 542.0, 1.0], [630.0, 451.0, 705.0, 633.0, 1.0], [1208.0, 427.0, 1330.0, 752.0, 1.0], [1247.0, 448.0, 1295.0, 550.0, 1.0], [1079.0, 445.0, 1121.0, 561.0, 1.0], [755.0, 453.0, 775.0, 522.0, 1.0], [767.0, 450.0, 786.0, 523.0, 1.0], [599.0, 457.0, 619.0, 516.0, 1.0], [611.0, 457.0, 629.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 242, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 157}, {"time_since_observed": 2, "confidence": 1, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}, {"time_since_observed": 0, "confidence": 0.5, "age": 22}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.43, 419.0, 895.7199999999999, 865.86, 1.522], [631.54, 449.65, 691.169, 630.54, 1.4679], [505.0, 449.0, 544.0, 568.0, 1.4204], [825.55, 340.52, 1067.06, 1067.06, 0.75107], [1189.3, 437.53, 1309.56, 800.3, 0.48112]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [933.0, 421.0, 1075.0, 844.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1016.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [839.0, 407.0, 1046.0, 1001.0, 1.0], [1188.0, 438.0, 1298.0, 798.0, 1.0], [767.0, 436.0, 919.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [421.0, 464.0, 456.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [475.0, 458.0, 506.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [452.0, 460.0, 482.0, 542.0, 1.0], [630.0, 451.0, 705.0, 633.0, 1.0], [1208.0, 427.0, 1330.0, 752.0, 1.0], [1247.0, 448.0, 1295.0, 550.0, 1.0], [1079.0, 445.0, 1121.0, 561.0, 1.0], [755.0, 453.0, 775.0, 522.0, 1.0], [767.0, 450.0, 786.0, 523.0, 1.0], [599.0, 457.0, 619.0, 516.0, 1.0], [611.0, 457.0, 629.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [987.0, 448.0, 1019.0, 541.0, 1.0], [588.0, 431.0, 608.0, 474.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 243, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 3, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[740.4715625368427, 418.77195362392206, 889.7937334200288, 868.7160286841778, 15.0], [505.01051282382736, 448.9654097586878, 544.0502781412018, 568.0849000783502, 14.0], [631.356434460099, 448.6089222108636, 691.6776080682195, 631.578599502161, 12.0], [1209.4491434514132, 354.86152470207566, 1361.8797709620947, 814.1477797812211, 11.0], [828.7415248557118, 336.51787679310087, 1063.1149185670545, 1041.6574158984527, 8.0], [1189.3455046304075, 436.72680999961403, 1311.2858954809117, 804.5417146200562, 7.0], [935.8070363778174, 411.88659248427166, 1078.277132384765, 841.2991089664101, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[631.54, 449.65, 691.169, 630.54, 2.0263], [747.43, 419.0, 895.7199999999999, 865.86, 1.5007], [505.0, 449.0, 544.0, 568.0, 1.4221], [815.59, 363.04, 1040.8600000000001, 1040.8600000000001, 0.96673], [1189.3, 437.53, 1309.56, 800.3, 0.89547], [1167.1, 343.97, 1337.58, 857.4200000000001, 0.40204]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [935.0, 421.0, 1079.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [848.0, 407.0, 1049.0, 1005.0, 1.0], [1193.0, 438.0, 1305.0, 798.0, 1.0], [770.0, 436.0, 920.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [449.0, 460.0, 479.0, 542.0, 1.0], [631.0, 451.0, 706.0, 633.0, 1.0], [1216.0, 426.0, 1333.0, 752.0, 1.0], [1249.0, 448.0, 1297.0, 550.0, 1.0], [1081.0, 445.0, 1123.0, 561.0, 1.0], [756.0, 453.0, 776.0, 522.0, 1.0], [768.0, 450.0, 787.0, 523.0, 1.0], [600.0, 457.0, 619.0, 516.0, 1.0], [612.0, 457.0, 630.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1019.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 243, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 1, "age": 158}, {"time_since_observed": 3, "confidence": 1, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}, {"time_since_observed": 0, "confidence": 0.5, "age": 23}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[631.54, 449.65, 691.169, 630.54, 2.0263], [747.43, 419.0, 895.7199999999999, 865.86, 1.5007], [505.0, 449.0, 544.0, 568.0, 1.4221], [815.59, 363.04, 1040.8600000000001, 1040.8600000000001, 0.96673], [1189.3, 437.53, 1309.56, 800.3, 0.89547], [1167.1, 343.97, 1337.58, 857.4200000000001, 0.40204]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [935.0, 421.0, 1079.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 773.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [971.0, 445.0, 1007.0, 558.0, 1.0], [848.0, 407.0, 1049.0, 1005.0, 1.0], [1193.0, 438.0, 1305.0, 798.0, 1.0], [770.0, 436.0, 920.0, 877.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [449.0, 460.0, 479.0, 542.0, 1.0], [631.0, 451.0, 706.0, 633.0, 1.0], [1216.0, 426.0, 1333.0, 752.0, 1.0], [1249.0, 448.0, 1297.0, 550.0, 1.0], [1081.0, 445.0, 1123.0, 561.0, 1.0], [756.0, 453.0, 776.0, 522.0, 1.0], [768.0, 450.0, 787.0, 523.0, 1.0], [600.0, 457.0, 619.0, 516.0, 1.0], [612.0, 457.0, 630.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [677.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [602.0, 460.0, 625.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1019.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 244, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 10, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[745.1526480231009, 419.1698282515016, 892.6151822144693, 863.5264097307335, 15.0], [504.99523672024236, 448.9838957821749, 544.0103678377235, 568.0293608460099, 14.0], [631.9286692172648, 449.2315547664514, 691.8488172919224, 630.9971541024238, 12.0], [1173.3793709490963, 346.4311347349493, 1341.0440320106807, 851.4393325051309, 11.0], [820.6291353392669, 355.30341235350465, 1049.2738946232107, 1043.2512564792505, 8.0], [1191.0496624499128, 437.790292467972, 1311.8977897059349, 802.3252927460778, 7.0], [938.3777695510934, 412.3550014340278, 1080.848311299185, 841.7688614039002, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[747.43, 419.0, 895.7199999999999, 865.86, 1.6269], [505.0, 449.0, 544.0, 568.0, 1.4383], [1196.6, 442.87, 1325.56, 831.75, 1.31], [631.54, 449.65, 691.169, 630.54, 1.1971], [845.49, 381.02, 1055.6100000000001, 1013.38, 0.95187]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [937.0, 421.0, 1083.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [858.0, 407.0, 1052.0, 1010.0, 1.0], [1199.0, 438.0, 1312.0, 799.0, 1.0], [773.0, 435.0, 922.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [446.0, 460.0, 476.0, 542.0, 1.0], [632.0, 450.0, 706.0, 633.0, 1.0], [1223.0, 425.0, 1336.0, 752.0, 1.0], [1251.0, 448.0, 1299.0, 550.0, 1.0], [1083.0, 445.0, 1125.0, 561.0, 1.0], [757.0, 453.0, 778.0, 522.0, 1.0], [769.0, 450.0, 788.0, 523.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [613.0, 457.0, 631.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 244, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 10, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 1, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}, {"time_since_observed": 0, "confidence": 0.5, "age": 24}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[747.43, 419.0, 895.7199999999999, 865.86, 1.6269], [505.0, 449.0, 544.0, 568.0, 1.4383], [1196.6, 442.87, 1325.56, 831.75, 1.31], [631.54, 449.65, 691.169, 630.54, 1.1971], [845.49, 381.02, 1055.6100000000001, 1013.38, 0.95187]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [937.0, 421.0, 1083.0, 845.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [858.0, 407.0, 1052.0, 1010.0, 1.0], [1199.0, 438.0, 1312.0, 799.0, 1.0], [773.0, 435.0, 922.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [420.0, 464.0, 455.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [474.0, 458.0, 505.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [446.0, 460.0, 476.0, 542.0, 1.0], [632.0, 450.0, 706.0, 633.0, 1.0], [1223.0, 425.0, 1336.0, 752.0, 1.0], [1251.0, 448.0, 1299.0, 550.0, 1.0], [1083.0, 445.0, 1125.0, 561.0, 1.0], [757.0, 453.0, 778.0, 522.0, 1.0], [769.0, 450.0, 788.0, 523.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [613.0, 457.0, 631.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [988.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 428.0, 619.0, 470.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 245, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 11, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[746.9451621809412, 419.40281700812886, 893.743162893935, 861.763026177976, 15.0], [504.9902013494623, 448.9912110343339, 543.9959253414509, 568.0084076152023, 14.0], [632.1033895875928, 449.4693912804969, 691.8691396170254, 630.7713299383913, 12.0], [1177.758195036385, 348.7145778223853, 1345.59340163905, 854.2364610394206, 11.0], [836.787732103777, 373.0552746297998, 1053.9782101470005, 1026.6350214607314, 8.0], [1196.4102529379813, 441.9461131457407, 1322.3144895320631, 821.6577530789397, 7.0], [940.9486141599168, 412.8237462565056, 1083.4193787780578, 842.2382779686687, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[643.66, 449.65, 703.289, 630.54, 1.8551], [747.43, 419.0, 895.7199999999999, 865.86, 1.7836], [505.0, 449.0, 544.0, 568.0, 1.4546], [1195.3, 359.28, 1343.59, 806.14, 1.4483], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.2876]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [940.0, 421.0, 1088.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [867.0, 407.0, 1055.0, 1014.0, 1.0], [1204.0, 438.0, 1319.0, 800.0, 1.0], [777.0, 435.0, 923.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [444.0, 460.0, 474.0, 542.0, 1.0], [633.0, 450.0, 706.0, 633.0, 1.0], [1231.0, 425.0, 1339.0, 753.0, 1.0], [1253.0, 448.0, 1301.0, 551.0, 1.0], [1085.0, 445.0, 1128.0, 561.0, 1.0], [758.0, 453.0, 779.0, 522.0, 1.0], [769.0, 450.0, 788.0, 522.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [614.0, 457.0, 632.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 245, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 11, "confidence": 1, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 160}, {"time_since_observed": 1, "confidence": 1, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}, {"time_since_observed": 0, "confidence": 0.5, "age": 25}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[643.66, 449.65, 703.289, 630.54, 1.8551], [747.43, 419.0, 895.7199999999999, 865.86, 1.7836], [505.0, 449.0, 544.0, 568.0, 1.4546], [1195.3, 359.28, 1343.59, 806.14, 1.4483], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.2876]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [940.0, 421.0, 1088.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 774.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [983.0, 447.0, 1015.0, 536.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [867.0, 407.0, 1055.0, 1014.0, 1.0], [1204.0, 438.0, 1319.0, 800.0, 1.0], [777.0, 435.0, 923.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [444.0, 460.0, 474.0, 542.0, 1.0], [633.0, 450.0, 706.0, 633.0, 1.0], [1231.0, 425.0, 1339.0, 753.0, 1.0], [1253.0, 448.0, 1301.0, 551.0, 1.0], [1085.0, 445.0, 1128.0, 561.0, 1.0], [758.0, 453.0, 779.0, 522.0, 1.0], [769.0, 450.0, 788.0, 522.0, 1.0], [600.0, 457.0, 620.0, 516.0, 1.0], [614.0, 457.0, 632.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [591.0, 460.0, 612.0, 522.0, 1.0], [567.0, 462.0, 586.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1020.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 246, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 12, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[747.628084106676, 419.5587187931095, 894.2189621840236, 861.2971130868228, 15.0], [504.98902672397986, 448.9942511520294, 543.9911601292458, 568.0006580592163, 14.0], [640.0439063074965, 449.55948682962764, 699.7500546452828, 630.6824148178281, 12.0], [1191.9762661203604, 356.05946466305664, 1345.4830285793541, 818.5833377258923, 11.0], [853.2230187937113, 368.8293169409651, 1075.3270368065823, 1037.150615139008, 8.0], [1201.3992372413816, 444.38388765890033, 1327.2220126334066, 823.8498506596885, 7.0], [943.5195144863179, 413.2926590147531, 1085.9903905393526, 842.7075265976675, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[643.66, 449.65, 703.289, 630.54, 2.0107], [777.28, 419.0, 925.5699999999999, 865.86, 1.9892], [1213.6, 437.53, 1333.86, 800.3, 1.7461], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.5193], [1201.4, 309.67, 1371.88, 823.1200000000001, 0.82371], [505.0, 449.0, 544.0, 568.0, 0.73012]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [942.0, 421.0, 1096.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [876.0, 407.0, 1058.0, 1018.0, 1.0], [1210.0, 438.0, 1326.0, 801.0, 1.0], [780.0, 435.0, 924.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [441.0, 460.0, 471.0, 542.0, 1.0], [634.0, 450.0, 707.0, 633.0, 1.0], [1238.0, 424.0, 1342.0, 753.0, 1.0], [1255.0, 448.0, 1303.0, 551.0, 1.0], [1086.0, 445.0, 1130.0, 560.0, 1.0], [759.0, 453.0, 781.0, 522.0, 1.0], [769.0, 450.0, 789.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [615.0, 457.0, 633.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 246, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 12, "confidence": 1, "age": 245}, {"time_since_observed": 1, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 1, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}, {"time_since_observed": 0, "confidence": 0.5, "age": 26}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[643.66, 449.65, 703.289, 630.54, 2.0107], [777.28, 419.0, 925.5699999999999, 865.86, 1.9892], [1213.6, 437.53, 1333.86, 800.3, 1.7461], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.5193], [1201.4, 309.67, 1371.88, 823.1200000000001, 0.82371], [505.0, 449.0, 544.0, 568.0, 0.73012]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [942.0, 421.0, 1096.0, 846.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [876.0, 407.0, 1058.0, 1018.0, 1.0], [1210.0, 438.0, 1326.0, 801.0, 1.0], [780.0, 435.0, 924.0, 878.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [419.0, 464.0, 454.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 504.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [441.0, 460.0, 471.0, 542.0, 1.0], [634.0, 450.0, 707.0, 633.0, 1.0], [1238.0, 424.0, 1342.0, 753.0, 1.0], [1255.0, 448.0, 1303.0, 551.0, 1.0], [1086.0, 445.0, 1130.0, 560.0, 1.0], [759.0, 453.0, 781.0, 522.0, 1.0], [769.0, 450.0, 789.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [615.0, 457.0, 633.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 460.0, 624.0, 517.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 247, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 13, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[767.3895253800458, 419.67699704922165, 913.9450059494131, 861.3096128563211, 15.0], [504.9892652068993, 448.995641881605, 543.9900290915448, 567.9979334772095, 14.0], [643.0115081699288, 449.59315023140556, 702.6943639609232, 630.6461034237279, 12.0], [1200.003007373682, 325.8633664692055, 1364.5413143578112, 821.4940237780228, 11.0], [859.3959918877838, 367.085189936444, 1083.3492618914545, 1040.953839538329, 8.0], [1211.8102936792213, 439.28304268937893, 1333.5902422710817, 806.6154546027468, 7.0], [946.0904426714588, 413.76165574073764, 1088.561374441908, 843.1766912589293, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[637.81, 442.87, 701.79, 636.81, 2.5045], [777.28, 419.0, 925.5699999999999, 865.86, 2.1963], [1213.6, 437.53, 1333.86, 800.3, 1.6956], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.4805], [1201.4, 309.67, 1371.88, 823.1200000000001, 1.163], [505.0, 449.0, 544.0, 568.0, 0.87776]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [944.0, 421.0, 1104.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [886.0, 407.0, 1061.0, 1023.0, 1.0], [1212.0, 438.0, 1347.0, 802.0, 1.0], [783.0, 434.0, 926.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [438.0, 460.0, 468.0, 542.0, 1.0], [637.0, 449.0, 707.0, 633.0, 1.0], [1246.0, 424.0, 1345.0, 754.0, 1.0], [1257.0, 448.0, 1305.0, 551.0, 1.0], [1087.0, 445.0, 1133.0, 560.0, 1.0], [760.0, 453.0, 783.0, 522.0, 1.0], [769.0, 450.0, 790.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [616.0, 457.0, 634.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 247, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 13, "confidence": 1, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 1, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}, {"time_since_observed": 0, "confidence": 0.5, "age": 27}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[637.81, 442.87, 701.79, 636.81, 2.5045], [777.28, 419.0, 925.5699999999999, 865.86, 2.1963], [1213.6, 437.53, 1333.86, 800.3, 1.6956], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 1.4805], [1201.4, 309.67, 1371.88, 823.1200000000001, 1.163], [505.0, 449.0, 544.0, 568.0, 0.87776]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [944.0, 421.0, 1104.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 775.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1007.0, 559.0, 1.0], [886.0, 407.0, 1061.0, 1023.0, 1.0], [1212.0, 438.0, 1347.0, 802.0, 1.0], [783.0, 434.0, 926.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [473.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [438.0, 460.0, 468.0, 542.0, 1.0], [637.0, 449.0, 707.0, 633.0, 1.0], [1246.0, 424.0, 1345.0, 754.0, 1.0], [1257.0, 448.0, 1305.0, 551.0, 1.0], [1087.0, 445.0, 1133.0, 560.0, 1.0], [760.0, 453.0, 783.0, 522.0, 1.0], [769.0, 450.0, 790.0, 522.0, 1.0], [601.0, 457.0, 621.0, 516.0, 1.0], [616.0, 457.0, 634.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 723.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [989.0, 448.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 248, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 14, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[774.8594822182356, 419.7737381513924, 921.4420239330923, 861.4882399661414, 15.0], [504.98998153710994, 448.99638341743844, 543.990223889233, 567.9971079170654, 14.0], [640.3013136316691, 445.3037661259925, 702.7306338637048, 634.5986487361049, 12.0], [1202.8699775954988, 315.3975784512228, 1371.1656350317562, 822.2982152880762, 11.0], [861.6307639856784, 366.2648263760264, 1086.287591977097, 1042.243896258819, 8.0], [1214.7376598069895, 438.46294851097235, 1335.5202447069737, 802.8011258882304, 7.0], [948.6613847859574, 414.2306944505538, 1091.1323444151053, 843.6458139363594, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.28, 419.0, 925.5699999999999, 865.86, 2.2757], [637.81, 442.87, 701.79, 636.81, 2.0705], [1225.1, 359.28, 1373.3899999999999, 806.14, 1.7097], [505.0, 449.0, 544.0, 568.0, 0.98918], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 0.95798], [553.0, 453.0, 572.0, 512.0, 0.71419]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [946.0, 421.0, 1112.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [895.0, 407.0, 1064.0, 1027.0, 1.0], [1214.0, 438.0, 1369.0, 803.0, 1.0], [786.0, 434.0, 927.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [436.0, 460.0, 466.0, 542.0, 1.0], [641.0, 449.0, 707.0, 634.0, 1.0], [1253.0, 423.0, 1359.0, 754.0, 1.0], [1259.0, 448.0, 1308.0, 551.0, 1.0], [1088.0, 445.0, 1136.0, 560.0, 1.0], [761.0, 453.0, 784.0, 522.0, 1.0], [769.0, 450.0, 791.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [617.0, 457.0, 635.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 248, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 14, "confidence": 1, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 0, "confidence": 1, "age": 163}, {"time_since_observed": 0, "confidence": 1, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}, {"time_since_observed": 0, "confidence": 0.5, "age": 28}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[777.28, 419.0, 925.5699999999999, 865.86, 2.2757], [637.81, 442.87, 701.79, 636.81, 2.0705], [1225.1, 359.28, 1373.3899999999999, 806.14, 1.7097], [505.0, 449.0, 544.0, 568.0, 0.98918], [860.84, 363.04, 1086.1100000000001, 1040.8600000000001, 0.95798], [553.0, 453.0, 572.0, 512.0, 0.71419]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [946.0, 421.0, 1112.0, 847.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1014.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [895.0, 407.0, 1064.0, 1027.0, 1.0], [1214.0, 438.0, 1369.0, 803.0, 1.0], [786.0, 434.0, 927.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [418.0, 464.0, 453.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 503.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [436.0, 460.0, 466.0, 542.0, 1.0], [641.0, 449.0, 707.0, 634.0, 1.0], [1253.0, 423.0, 1359.0, 754.0, 1.0], [1259.0, 448.0, 1308.0, 551.0, 1.0], [1088.0, 445.0, 1136.0, 560.0, 1.0], [761.0, 453.0, 784.0, 522.0, 1.0], [769.0, 450.0, 791.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [617.0, 457.0, 635.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1021.0, 540.0, 1.0], [589.0, 432.0, 609.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 249, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 15, "confidence": 1, "age": 248}, {"time_since_observed": 1, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "unmatched": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched_before_before": []}, "ret_ret": [[777.6244066900168, 419.85565299939174, 924.255028067252, 861.7151686730648, 15.0], [504.99082198810385, 448.99685786580187, 543.9908665160181, 567.9969880092735, 14.0], [639.2277328616419, 443.7142183087932, 702.6741212268478, 636.0582029703017, 12.0], [1218.800683431057, 342.46358339028075, 1374.955990444373, 812.9383473680664, 11.0], [862.3648376296377, 365.8062123544274, 1087.2910230975956, 1042.5932525222067, 8.0], [1219.7835589442266, 439.4436775857302, 1340.470409024084, 803.4930728516806, 7.0], [951.2323338651316, 414.69975415227657, 1093.703307423627, 844.1149156218829, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[769.0, 417.0, 928.0, 896.0, 2.4406], [643.66, 449.65, 703.289, 630.54, 2.0325], [1222.6, 442.87, 1351.56, 831.75, 1.3375], [874.05, 340.52, 1115.56, 1067.06, 1.0324], [506.88, 446.86, 548.751, 574.47, 0.65734]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [948.0, 421.0, 1121.0, 848.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [904.0, 407.0, 1067.0, 1031.0, 1.0], [1216.0, 438.0, 1391.0, 804.0, 1.0], [789.0, 434.0, 928.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [433.0, 460.0, 463.0, 542.0, 1.0], [645.0, 448.0, 707.0, 634.0, 1.0], [1260.0, 422.0, 1374.0, 754.0, 1.0], [1857.0, 413.0, 2069.0, 784.0, 1.0], [1261.0, 448.0, 1310.0, 551.0, 1.0], [1089.0, 445.0, 1139.0, 560.0, 1.0], [762.0, 453.0, 786.0, 522.0, 1.0], [769.0, 450.0, 792.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [618.0, 457.0, 636.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 432.0, 610.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 249, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 15, "confidence": 1, "age": 248}, {"time_since_observed": 1, "confidence": 1, "age": 166}, {"time_since_observed": 0, "confidence": 1, "age": 164}, {"time_since_observed": 0, "confidence": 1, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}, {"time_since_observed": 0, "confidence": 0.5, "age": 29}], "unmatched": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]], "unmatched_before_before": []}, "ret_dets": [[769.0, 417.0, 928.0, 896.0, 2.4406], [643.66, 449.65, 703.289, 630.54, 2.0325], [1222.6, 442.87, 1351.56, 831.75, 1.3375], [874.05, 340.52, 1115.56, 1067.06, 1.0324], [506.88, 446.86, 548.751, 574.47, 0.65734]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [948.0, 421.0, 1121.0, 848.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 580.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 776.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [904.0, 407.0, 1067.0, 1031.0, 1.0], [1216.0, 438.0, 1391.0, 804.0, 1.0], [789.0, 434.0, 928.0, 879.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [472.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [433.0, 460.0, 463.0, 542.0, 1.0], [645.0, 448.0, 707.0, 634.0, 1.0], [1260.0, 422.0, 1374.0, 754.0, 1.0], [1857.0, 413.0, 2069.0, 784.0, 1.0], [1261.0, 448.0, 1310.0, 551.0, 1.0], [1089.0, 445.0, 1139.0, 560.0, 1.0], [762.0, 453.0, 786.0, 522.0, 1.0], [769.0, 450.0, 792.0, 522.0, 1.0], [602.0, 457.0, 622.0, 516.0, 1.0], [618.0, 457.0, 636.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [550.0, 455.0, 573.0, 520.0, 1.0], [601.0, 459.0, 624.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [521.0, 458.0, 549.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [990.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 432.0, 610.0, 475.0, 1.0], [601.0, 429.0, 619.0, 471.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 250, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 16, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 1, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]]}, "ret_ret": [[773.2224958525004, 418.72880026854307, 926.8275093749409, 881.5252838654102, 15.0], [506.24378188647677, 447.6707333552217, 547.0695493994737, 572.151092083692, 14.0], [642.5181331420177, 447.3190866613402, 703.6546718855171, 632.7357971471738, 12.0], [1224.642092063784, 342.8440709436849, 1380.7218105037857, 813.0910968005596, 11.0], [871.3418878978327, 351.3314215858308, 1106.6164636888861, 1059.1677860527288, 8.0], [1223.246914113619, 442.7135836716325, 1350.0159581412695, 825.0206018715833, 7.0], [953.8032864266432, 415.1688243499502, 1096.2742669498118, 844.5840068114555, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.28, 448.86, 925.5699999999999, 895.72, 2.1417], [655.79, 449.65, 715.419, 630.54, 1.7472], [1222.6, 442.87, 1351.56, 831.75, 1.0241], [907.12, 434.36, 1103.1, 1024.31, 0.74509], [554.04, 455.43, 574.4749999999999, 518.736, 0.6905], [506.88, 446.86, 548.751, 574.47, 0.68975]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [950.0, 421.0, 1122.0, 849.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 593.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [914.0, 407.0, 1070.0, 1036.0, 1.0], [1219.0, 438.0, 1413.0, 806.0, 1.0], [793.0, 434.0, 930.0, 880.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [431.0, 461.0, 461.0, 543.0, 1.0], [649.0, 448.0, 707.0, 635.0, 1.0], [1268.0, 422.0, 1389.0, 755.0, 1.0], [1846.0, 411.0, 2048.0, 783.0, 1.0], [1263.0, 448.0, 1312.0, 551.0, 1.0], [1090.0, 445.0, 1142.0, 560.0, 1.0], [763.0, 453.0, 787.0, 522.0, 1.0], [769.0, 450.0, 793.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 520.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 250, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 16, "confidence": 1, "age": 249}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 0, "confidence": 1, "age": 165}, {"time_since_observed": 1, "confidence": 1, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}, {"time_since_observed": 0, "confidence": 0.5, "age": 30}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[553.0, 453.0, 572.0, 512.0, 0.71419]]}, "ret_dets": [[777.28, 448.86, 925.5699999999999, 895.72, 2.1417], [655.79, 449.65, 715.419, 630.54, 1.7472], [1222.6, 442.87, 1351.56, 831.75, 1.0241], [907.12, 434.36, 1103.1, 1024.31, 0.74509], [554.04, 455.43, 574.4749999999999, 518.736, 0.6905], [506.88, 446.86, 548.751, 574.47, 0.68975]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [950.0, 421.0, 1122.0, 849.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 593.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [982.0, 447.0, 1013.0, 535.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 445.0, 1008.0, 559.0, 1.0], [914.0, 407.0, 1070.0, 1036.0, 1.0], [1219.0, 438.0, 1413.0, 806.0, 1.0], [793.0, 434.0, 930.0, 880.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [417.0, 464.0, 452.0, 575.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 502.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [431.0, 461.0, 461.0, 543.0, 1.0], [649.0, 448.0, 707.0, 635.0, 1.0], [1268.0, 422.0, 1389.0, 755.0, 1.0], [1846.0, 411.0, 2048.0, 783.0, 1.0], [1263.0, 448.0, 1312.0, 551.0, 1.0], [1090.0, 445.0, 1142.0, 560.0, 1.0], [763.0, 453.0, 787.0, 522.0, 1.0], [769.0, 450.0, 793.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [676.0, 529.0, 722.0, 608.0, 0.0], [501.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 520.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 520.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 251, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 17, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 2, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "unmatched": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched_before_before": []}, "ret_ret": [[776.8202274203562, 438.94651054064775, 926.2358326639568, 889.1687480915473, 15.0], [506.72567097931227, 447.19294740353087, 548.2273543763922, 573.6990857054941, 14.0], [651.6553843532741, 448.7309507858939, 711.8864699310583, 631.4299139792084, 12.0], [1230.4646104186845, 343.1676446516875, 1386.5065208410251, 813.3007600784546, 11.0], [895.1561076048357, 403.7744582064957, 1106.76870751213, 1040.6449912567357, 8.0], [1224.5440825616347, 443.513792250739, 1352.71987231528, 830.0415653839043, 7.0], [956.3742407293231, 415.63789979559886, 1098.8452247348282, 845.0530927530532, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[777.28, 448.86, 925.5699999999999, 895.72, 1.9852], [650.8, 442.87, 714.78, 636.81, 1.9457], [887.71, 381.02, 1097.83, 1013.38, 0.95929], [1226.7, 391.01, 1364.99, 807.87, 0.83404], [505.0, 449.0, 544.0, 568.0, 0.58475], [761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [952.0, 422.0, 1123.0, 851.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1013.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 446.0, 1008.0, 559.0, 1.0], [917.0, 407.0, 1074.0, 1037.0, 1.0], [1221.0, 438.0, 1417.0, 807.0, 1.0], [795.0, 434.0, 931.0, 883.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [415.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [430.0, 461.0, 460.0, 543.0, 1.0], [650.0, 448.0, 709.0, 635.0, 1.0], [1268.0, 422.0, 1399.0, 756.0, 1.0], [1836.0, 409.0, 2028.0, 782.0, 1.0], [1265.0, 448.0, 1314.0, 551.0, 1.0], [1091.0, 445.0, 1145.0, 560.0, 1.0], [764.0, 453.0, 789.0, 522.0, 1.0], [769.0, 450.0, 794.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 251, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 17, "confidence": 1, "age": 250}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 0, "confidence": 1, "age": 166}, {"time_since_observed": 2, "confidence": 1, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}, {"time_since_observed": 0, "confidence": 0.5, "age": 31}], "unmatched": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]], "unmatched_before_before": []}, "ret_dets": [[777.28, 448.86, 925.5699999999999, 895.72, 1.9852], [650.8, 442.87, 714.78, 636.81, 1.9457], [887.71, 381.02, 1097.83, 1013.38, 0.95929], [1226.7, 391.01, 1364.99, 807.87, 0.83404], [505.0, 449.0, 544.0, 568.0, 0.58475], [761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [952.0, 422.0, 1123.0, 851.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1013.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [972.0, 446.0, 1008.0, 559.0, 1.0], [917.0, 407.0, 1074.0, 1037.0, 1.0], [1221.0, 438.0, 1417.0, 807.0, 1.0], [795.0, 434.0, 931.0, 883.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [415.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [430.0, 461.0, 460.0, 543.0, 1.0], [650.0, 448.0, 709.0, 635.0, 1.0], [1268.0, 422.0, 1399.0, 756.0, 1.0], [1836.0, 409.0, 2028.0, 782.0, 1.0], [1265.0, 448.0, 1314.0, 551.0, 1.0], [1091.0, 445.0, 1145.0, 560.0, 1.0], [764.0, 453.0, 789.0, 522.0, 1.0], [769.0, 450.0, 794.0, 522.0, 1.0], [603.0, 458.0, 623.0, 517.0, 1.0], [619.0, 457.0, 637.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [566.0, 462.0, 585.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1022.0, 540.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 252, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 18, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 3, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "unmatched": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched_before_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]]}, "ret_ret": [[778.1352663040152, 446.66613527641937, 925.9513137363647, 892.0867001638634, 15.0], [505.62952899267475, 448.2699711325258, 545.6024450242469, 570.1917857089122, 14.0], [651.8595728209905, 444.99055168192604, 714.485828457889, 634.8757896317118, 12.0], [1236.2776784870007, 343.46274592775524, 1392.3006814648488, 813.5388957882843, 11.0], [892.049250483236, 390.7524622386215, 1102.5636769303237, 1024.3065354094797, 8.0], [1227.7353715268719, 410.10956511196053, 1362.3248926198125, 815.8770548469029, 7.0], [958.9451959025871, 416.1069778652348, 1101.4161816492604, 845.5221760706636, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[801.0, 417.0, 960.0, 896.0, 1.7892], [655.79, 449.65, 715.419, 630.54, 1.6272], [887.71, 381.02, 1097.83, 1013.38, 1.1157], [506.88, 446.86, 548.751, 574.47, 0.90241]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [954.0, 423.0, 1124.0, 853.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [920.0, 407.0, 1078.0, 1038.0, 1.0], [1223.0, 438.0, 1421.0, 808.0, 1.0], [797.0, 434.0, 933.0, 886.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [414.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [429.0, 461.0, 459.0, 543.0, 1.0], [651.0, 448.0, 711.0, 635.0, 1.0], [1269.0, 422.0, 1410.0, 757.0, 1.0], [1826.0, 407.0, 2008.0, 781.0, 1.0], [1267.0, 448.0, 1316.0, 551.0, 1.0], [1092.0, 445.0, 1148.0, 560.0, 1.0], [766.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 795.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [620.0, 457.0, 638.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 252, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 18, "confidence": 1, "age": 251}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 0, "confidence": 1, "age": 167}, {"time_since_observed": 3, "confidence": 1, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}, {"time_since_observed": 0, "confidence": 0.5, "age": 32}], "unmatched": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]], "unmatched_before_before": [[554.04, 455.43, 574.4749999999999, 518.736, 0.6905]]}, "ret_dets": [[801.0, 417.0, 960.0, 896.0, 1.7892], [655.79, 449.65, 715.419, 630.54, 1.6272], [887.71, 381.02, 1097.83, 1013.38, 1.1157], [506.88, 446.86, 548.751, 574.47, 0.90241]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [954.0, 423.0, 1124.0, 853.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [920.0, 407.0, 1078.0, 1038.0, 1.0], [1223.0, 438.0, 1421.0, 808.0, 1.0], [797.0, 434.0, 933.0, 886.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [414.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [471.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [429.0, 461.0, 459.0, 543.0, 1.0], [651.0, 448.0, 711.0, 635.0, 1.0], [1269.0, 422.0, 1410.0, 757.0, 1.0], [1826.0, 407.0, 2008.0, 781.0, 1.0], [1267.0, 448.0, 1316.0, 551.0, 1.0], [1092.0, 445.0, 1148.0, 560.0, 1.0], [766.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 795.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [620.0, 457.0, 638.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [590.0, 460.0, 611.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [991.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 253, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 19, "confidence": 1, "age": 252}, {"time_since_observed": 1, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 4, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]]}, "ret_ret": [[794.1177805160393, 428.91919868392483, 948.2312065951272, 893.2430448192497, 15.0], [506.4785991481017, 447.4058347267489, 547.6605756984097, 572.9538949696863, 14.0], [655.0686223366587, 447.8224090848669, 715.8801888201259, 632.2637658144333, 12.0], [1242.0860201238338, 343.7436071067102, 1398.0995685201556, 813.7912715952268, 11.0], [890.7227474903015, 385.68242370960667, 1100.8180631368496, 1017.9708191849472, 8.0], [1232.6777193257374, 409.59287510485666, 1367.3635446450273, 815.6507078312843, 7.0], [961.5161515111432, 416.57605724686437, 1103.9871381284006, 845.9912580762802, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[807.14, 448.86, 955.43, 895.72, 1.9781], [655.79, 449.65, 715.419, 630.54, 1.2379], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1165], [506.88, 446.86, 548.751, 574.47, 1.0184]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [956.0, 424.0, 1125.0, 855.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [923.0, 407.0, 1082.0, 1039.0, 1.0], [1226.0, 438.0, 1425.0, 810.0, 1.0], [800.0, 434.0, 934.0, 889.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [413.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [652.0, 448.0, 713.0, 635.0, 1.0], [1269.0, 422.0, 1420.0, 758.0, 1.0], [1816.0, 405.0, 1988.0, 780.0, 1.0], [1269.0, 448.0, 1318.0, 552.0, 1.0], [1093.0, 445.0, 1151.0, 560.0, 1.0], [767.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 796.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [621.0, 457.0, 639.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 253, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 19, "confidence": 1, "age": 252}, {"time_since_observed": 1, "confidence": 1, "age": 170}, {"time_since_observed": 0, "confidence": 1, "age": 168}, {"time_since_observed": 4, "confidence": 1, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 33}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[761.04, 296.57, 971.16, 928.9300000000001, 0.33211]]}, "ret_dets": [[807.14, 448.86, 955.43, 895.72, 1.9781], [655.79, 449.65, 715.419, 630.54, 1.2379], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1165], [506.88, 446.86, 548.751, 574.47, 1.0184]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [956.0, 424.0, 1125.0, 855.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [923.0, 407.0, 1082.0, 1039.0, 1.0], [1226.0, 438.0, 1425.0, 810.0, 1.0], [800.0, 434.0, 934.0, 889.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [413.0, 464.0, 451.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 501.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [652.0, 448.0, 713.0, 635.0, 1.0], [1269.0, 422.0, 1420.0, 758.0, 1.0], [1816.0, 405.0, 1988.0, 780.0, 1.0], [1269.0, 448.0, 1318.0, 552.0, 1.0], [1093.0, 445.0, 1151.0, 560.0, 1.0], [767.0, 453.0, 791.0, 522.0, 1.0], [769.0, 450.0, 796.0, 522.0, 1.0], [604.0, 458.0, 624.0, 517.0, 1.0], [621.0, 457.0, 639.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1003.0, 453.0, 1021.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [590.0, 433.0, 610.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 254, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 20, "confidence": 1, "age": 253}, {"time_since_observed": 2, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 5, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[804.0244695616929, 442.70504817694956, 953.7252121414909, 893.7848222332755, 15.0], [506.80091026351795, 447.0864320127903, 548.4350071178411, 573.989092284741, 14.0], [656.2288352092121, 448.9256756478331, 716.3327986918068, 631.2429031431534, 12.0], [1247.891998222718, 344.0173472663425, 1403.9008191134112, 814.050768421492, 11.0], [902.2701871394958, 372.43470507388423, 1121.7617796519223, 1032.9189347134823, 8.0], [1237.64415608788, 409.1488097573843, 1372.378107706965, 815.3517361560341, 7.0], [964.0871073373453, 417.0451372844907, 1106.5580943898947, 846.4603394259002, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[801.0, 417.0, 960.0, 896.0, 1.8996], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1609], [655.65, 432.79, 724.294, 640.72, 1.0184], [506.88, 446.86, 548.751, 574.47, 0.69858]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [958.0, 424.0, 1127.0, 856.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [926.0, 407.0, 1086.0, 1040.0, 1.0], [1228.0, 438.0, 1429.0, 811.0, 1.0], [802.0, 434.0, 936.0, 893.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [412.0, 464.0, 450.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [654.0, 449.0, 715.0, 636.0, 1.0], [1270.0, 423.0, 1431.0, 760.0, 1.0], [1806.0, 404.0, 1968.0, 779.0, 1.0], [1271.0, 448.0, 1321.0, 552.0, 1.0], [1094.0, 445.0, 1154.0, 560.0, 1.0], [768.0, 453.0, 792.0, 523.0, 1.0], [770.0, 449.0, 796.0, 522.0, 1.0], [605.0, 458.0, 625.0, 517.0, 1.0], [622.0, 457.0, 640.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 254, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 20, "confidence": 1, "age": 253}, {"time_since_observed": 2, "confidence": 1, "age": 171}, {"time_since_observed": 0, "confidence": 1, "age": 169}, {"time_since_observed": 5, "confidence": 1, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 0, "confidence": 0.5, "age": 34}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[801.0, 417.0, 960.0, 896.0, 1.8996], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1609], [655.65, 432.79, 724.294, 640.72, 1.0184], [506.88, 446.86, 548.751, 574.47, 0.69858]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [958.0, 424.0, 1127.0, 856.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [981.0, 447.0, 1012.0, 534.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1008.0, 559.0, 1.0], [926.0, 407.0, 1086.0, 1040.0, 1.0], [1228.0, 438.0, 1429.0, 811.0, 1.0], [802.0, 434.0, 936.0, 893.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [412.0, 464.0, 450.0, 574.0, 1.0], [513.0, 453.0, 545.0, 562.0, 1.0], [470.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [428.0, 461.0, 458.0, 543.0, 1.0], [654.0, 449.0, 715.0, 636.0, 1.0], [1270.0, 423.0, 1431.0, 760.0, 1.0], [1806.0, 404.0, 1968.0, 779.0, 1.0], [1271.0, 448.0, 1321.0, 552.0, 1.0], [1094.0, 445.0, 1154.0, 560.0, 1.0], [768.0, 453.0, 792.0, 523.0, 1.0], [770.0, 449.0, 796.0, 522.0, 1.0], [605.0, 458.0, 625.0, 517.0, 1.0], [622.0, 457.0, 640.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [992.0, 449.0, 1023.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 430.0, 620.0, 472.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 255, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 21, "confidence": 1, "age": 254}, {"time_since_observed": 3, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 6, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[803.7513407152495, 427.390728195106, 958.600657184652, 893.923807276032, 15.0], [506.917432187188, 446.96234042172756, 548.7223507103714, 574.3765697846084, 14.0], [656.5769258607418, 438.52311845856275, 722.1684557591682, 637.3134414709084, 12.0], [1253.6967944720561, 344.2875266735616, 1409.703251556213, 814.3138260001704, 11.0], [906.5601999132828, 367.45733346582654, 1129.5381883735984, 1038.4006409713325, 8.0], [1242.6226276476102, 408.7410275437463, 1377.380635971315, 815.0164813469495, 7.0], [966.6580632723704, 417.5142176501155, 1109.129050542566, 846.9294204475217, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[807.14, 448.86, 955.43, 895.72, 1.6724], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1681], [655.65, 446.72, 724.294, 654.6500000000001, 0.96596], [506.88, 446.86, 548.751, 574.47, 0.60251], [803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [960.0, 425.0, 1128.0, 858.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [929.0, 407.0, 1090.0, 1041.0, 1.0], [1231.0, 438.0, 1434.0, 813.0, 1.0], [804.0, 434.0, 937.0, 896.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [411.0, 464.0, 450.0, 574.0, 1.0], [513.0, 454.0, 545.0, 562.0, 1.0], [469.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 461.0, 457.0, 543.0, 1.0], [655.0, 449.0, 717.0, 636.0, 1.0], [1270.0, 422.0, 1432.0, 761.0, 1.0], [1789.0, 404.0, 1960.0, 778.0, 1.0], [1273.0, 448.0, 1323.0, 552.0, 1.0], [1096.0, 445.0, 1157.0, 560.0, 1.0], [769.0, 453.0, 793.0, 523.0, 1.0], [771.0, 449.0, 797.0, 522.0, 1.0], [605.0, 459.0, 625.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 449.0, 1024.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 431.0, 620.0, 473.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 255, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 21, "confidence": 1, "age": 254}, {"time_since_observed": 3, "confidence": 1, "age": 172}, {"time_since_observed": 0, "confidence": 1, "age": 170}, {"time_since_observed": 6, "confidence": 1, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 0, "confidence": 0.5, "age": 35}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[807.14, 448.86, 955.43, 895.72, 1.6724], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.1681], [655.65, 446.72, 724.294, 654.6500000000001, 0.96596], [506.88, 446.86, 548.751, 574.47, 0.60251], [803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [960.0, 425.0, 1128.0, 858.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [929.0, 407.0, 1090.0, 1041.0, 1.0], [1231.0, 438.0, 1434.0, 813.0, 1.0], [804.0, 434.0, 937.0, 896.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [411.0, 464.0, 450.0, 574.0, 1.0], [513.0, 454.0, 545.0, 562.0, 1.0], [469.0, 458.0, 500.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [427.0, 461.0, 457.0, 543.0, 1.0], [655.0, 449.0, 717.0, 636.0, 1.0], [1270.0, 422.0, 1432.0, 761.0, 1.0], [1789.0, 404.0, 1960.0, 778.0, 1.0], [1273.0, 448.0, 1323.0, 552.0, 1.0], [1096.0, 445.0, 1157.0, 560.0, 1.0], [769.0, 453.0, 793.0, 523.0, 1.0], [771.0, 449.0, 797.0, 522.0, 1.0], [605.0, 459.0, 625.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 517.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [600.0, 459.0, 623.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 449.0, 1024.0, 539.0, 1.0], [591.0, 433.0, 611.0, 476.0, 1.0], [602.0, 431.0, 620.0, 473.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 256, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 22, "confidence": 1, "age": 255}, {"time_since_observed": 4, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 7, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "unmatched": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "unmatched_before": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "unmatched_before_before": []}, "ret_ret": [[807.4275818024994, 442.0427346463772, 957.4667179315643, 894.1392314351975, 15.0], [506.95499832216564, 446.9112285195679, 548.8244153589607, 574.5185561345335, 14.0], [656.695572183569, 443.83356077883957, 724.2663311746893, 648.5545239660188, 12.0], [1259.5009997764757, 344.5559256438788, 1415.5062749439332, 814.5786640157506, 11.0], [908.0348470086694, 365.5094459457437, 1132.3314330632843, 1040.4081234800615, 8.0], [1247.6071141886516, 408.3513796086738, 1382.377149254354, 814.6630922592994, 7.0], [969.229019261807, 417.98329817973934, 1111.7000066408254, 847.3985013051441, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.5437], [807.14, 448.86, 955.43, 895.72, 1.115], [506.88, 446.86, 548.751, 574.47, 0.92556], [667.92, 449.65, 727.549, 630.54, 0.91817], [803.26, 296.57, 1013.38, 928.9300000000001, 0.49654]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [962.0, 426.0, 1129.0, 860.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [932.0, 407.0, 1094.0, 1042.0, 1.0], [1240.0, 437.0, 1435.0, 815.0, 1.0], [807.0, 434.0, 939.0, 899.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [410.0, 464.0, 450.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [656.0, 449.0, 719.0, 636.0, 1.0], [1271.0, 422.0, 1434.0, 762.0, 1.0], [1772.0, 405.0, 1953.0, 778.0, 1.0], [1275.0, 448.0, 1325.0, 552.0, 1.0], [1097.0, 445.0, 1158.0, 560.0, 1.0], [770.0, 453.0, 794.0, 524.0, 1.0], [772.0, 449.0, 798.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 256, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 22, "confidence": 1, "age": 255}, {"time_since_observed": 4, "confidence": 1, "age": 173}, {"time_since_observed": 0, "confidence": 1, "age": 171}, {"time_since_observed": 7, "confidence": 1, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 0, "confidence": 0.5, "age": 36}], "unmatched": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "unmatched_before": [[803.26, 296.57, 1013.38, 928.9300000000001, 0.45407]], "unmatched_before_before": []}, "ret_dets": [[906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.5437], [807.14, 448.86, 955.43, 895.72, 1.115], [506.88, 446.86, 548.751, 574.47, 0.92556], [667.92, 449.65, 727.549, 630.54, 0.91817], [803.26, 296.57, 1013.38, 928.9300000000001, 0.49654]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [962.0, 426.0, 1129.0, 860.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [932.0, 407.0, 1094.0, 1042.0, 1.0], [1240.0, 437.0, 1435.0, 815.0, 1.0], [807.0, 434.0, 939.0, 899.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [410.0, 464.0, 450.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [656.0, 449.0, 719.0, 636.0, 1.0], [1271.0, 422.0, 1434.0, 762.0, 1.0], [1772.0, 405.0, 1953.0, 778.0, 1.0], [1275.0, 448.0, 1325.0, 552.0, 1.0], [1097.0, 445.0, 1158.0, 560.0, 1.0], [770.0, 453.0, 794.0, 524.0, 1.0], [772.0, 449.0, 798.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [623.0, 457.0, 641.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [675.0, 529.0, 722.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [551.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 257, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 5, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 8, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[808.7273294272516, 447.65317066415395, 956.9119623579772, 894.1826835213228, 15.0], [506.96281725804243, 446.88803858737674, 548.8563067500336, 574.5674021354857, 14.0], [664.5060503138214, 447.21245632919914, 727.3025202660164, 637.6185121514593, 12.0], [1265.3049096033994, 344.82343438057023, 1421.3095938091494, 814.8443922649567, 11.0], [908.4386288927167, 364.7063620133999, 1133.2379304296994, 1041.112978015281, 8.0], [1252.5946076164187, 407.97079699212424, 1387.3706556506672, 814.3006378531265, 7.0], [805.2760221137157, 299.5118529602196, 1013.5376877440883, 926.3174735529299, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[807.14, 448.86, 955.43, 895.72, 1.3119], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.2887], [663.8, 442.87, 727.78, 636.81, 1.2073], [506.88, 446.86, 548.751, 574.47, 0.61008], [803.26, 296.57, 1013.38, 928.9300000000001, 0.60198]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [964.0, 427.0, 1130.0, 862.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [935.0, 407.0, 1098.0, 1043.0, 1.0], [1249.0, 436.0, 1436.0, 817.0, 1.0], [809.0, 434.0, 941.0, 902.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [409.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [658.0, 450.0, 721.0, 637.0, 1.0], [1271.0, 422.0, 1436.0, 763.0, 1.0], [1755.0, 406.0, 1946.0, 777.0, 1.0], [1277.0, 448.0, 1327.0, 552.0, 1.0], [1098.0, 445.0, 1159.0, 560.0, 1.0], [771.0, 453.0, 795.0, 524.0, 1.0], [773.0, 448.0, 799.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [624.0, 457.0, 642.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 257, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 256}, {"time_since_observed": 5, "confidence": 1, "age": 174}, {"time_since_observed": 0, "confidence": 1, "age": 172}, {"time_since_observed": 8, "confidence": 1, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 37}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[807.14, 448.86, 955.43, 895.72, 1.3119], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.2887], [663.8, 442.87, 727.78, 636.81, 1.2073], [506.88, 446.86, 548.751, 574.47, 0.61008], [803.26, 296.57, 1013.38, 928.9300000000001, 0.60198]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [964.0, 427.0, 1130.0, 862.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 447.0, 1011.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [935.0, 407.0, 1098.0, 1043.0, 1.0], [1249.0, 436.0, 1436.0, 817.0, 1.0], [809.0, 434.0, 941.0, 902.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [409.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [469.0, 458.0, 499.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [426.0, 461.0, 456.0, 543.0, 1.0], [658.0, 450.0, 721.0, 637.0, 1.0], [1271.0, 422.0, 1436.0, 763.0, 1.0], [1755.0, 406.0, 1946.0, 777.0, 1.0], [1277.0, 448.0, 1327.0, 552.0, 1.0], [1098.0, 445.0, 1159.0, 560.0, 1.0], [771.0, 453.0, 795.0, 524.0, 1.0], [773.0, 448.0, 799.0, 522.0, 1.0], [606.0, 459.0, 626.0, 518.0, 1.0], [624.0, 457.0, 642.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [565.0, 462.0, 584.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [993.0, 450.0, 1024.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 258, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 6, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 9, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[809.1122809856787, 449.754216697536, 956.6045017251112, 894.2052412180677, 15.0], [506.9598266455893, 446.8758251090462, 548.8619941461085, 574.5811283307555, 14.0], [664.8361549076812, 444.4321614771561, 728.4126878244426, 637.169888594773, 12.0], [1271.108671690316, 345.0904979966549, 1427.1130604143727, 815.1105656347695, 11.0], [908.4456248321878, 364.343624193691, 1133.4377121688888, 1041.3285194450318, 8.0], [1257.583604336621, 407.5947465798119, 1392.3626587545452, 813.9336512427162, 7.0], [802.8847795518554, 297.1785608615397, 1012.5519615728965, 928.1888296408935, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.2852], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.0113], [506.88, 446.86, 548.751, 574.47, 0.7873], [663.8, 442.87, 727.78, 636.81, 0.51283], [1768.5, 390.88, 1897.46, 779.76, 0.45599], [780.76, 260.92, 1039.68, 1039.68, 0.30437]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [966.0, 428.0, 1132.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 448.0, 1010.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [938.0, 407.0, 1102.0, 1044.0, 1.0], [1258.0, 435.0, 1437.0, 819.0, 1.0], [811.0, 434.0, 942.0, 906.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [408.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 461.0, 455.0, 543.0, 1.0], [659.0, 450.0, 723.0, 637.0, 1.0], [1272.0, 422.0, 1438.0, 765.0, 1.0], [1738.0, 407.0, 1939.0, 777.0, 1.0], [1279.0, 448.0, 1329.0, 552.0, 1.0], [1100.0, 445.0, 1161.0, 561.0, 1.0], [772.0, 453.0, 796.0, 525.0, 1.0], [774.0, 448.0, 800.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [625.0, 457.0, 643.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 258, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 257}, {"time_since_observed": 6, "confidence": 1, "age": 175}, {"time_since_observed": 0, "confidence": 1, "age": 173}, {"time_since_observed": 9, "confidence": 1, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 38}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.2852], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 1.0113], [506.88, 446.86, 548.751, 574.47, 0.7873], [663.8, 442.87, 727.78, 636.81, 0.51283], [1768.5, 390.88, 1897.46, 779.76, 0.45599], [780.76, 260.92, 1039.68, 1039.68, 0.30437]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [966.0, 428.0, 1132.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [980.0, 448.0, 1010.0, 533.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [973.0, 446.0, 1009.0, 559.0, 1.0], [938.0, 407.0, 1102.0, 1044.0, 1.0], [1258.0, 435.0, 1437.0, 819.0, 1.0], [811.0, 434.0, 942.0, 906.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [408.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [425.0, 461.0, 455.0, 543.0, 1.0], [659.0, 450.0, 723.0, 637.0, 1.0], [1272.0, 422.0, 1438.0, 765.0, 1.0], [1738.0, 407.0, 1939.0, 777.0, 1.0], [1279.0, 448.0, 1329.0, 552.0, 1.0], [1100.0, 445.0, 1161.0, 561.0, 1.0], [772.0, 453.0, 796.0, 525.0, 1.0], [774.0, 448.0, 800.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [625.0, 457.0, 643.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [591.0, 434.0, 611.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 259, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 7, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 10, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched_before_before": []}, "ret_ret": [[797.9014976076714, 426.9447517175957, 959.5396761616728, 913.8635438148851, 15.0], [506.95326235377115, 446.8681442167285, 548.8582521552926, 574.5818547615352, 14.0], [664.8895640272948, 443.3750539160098, 728.7607786466345, 636.9932555841872, 12.0], [1276.9123599069142, 345.35733905148777, 1432.9166008899144, 815.3769615658341, 11.0], [908.3141496239124, 364.1539254604024, 1133.3808744103694, 1041.3627113214752, 8.0], [1262.573352665316, 407.22096215588294, 1397.3539102499305, 813.5643986439227, 7.0], [787.4003559128593, 273.38259008289407, 1029.3347960207232, 1001.2233304498466, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[801.0, 417.0, 960.0, 896.0, 1.5862], [669.58, 432.79, 738.224, 640.72, 0.97237], [929.93, 381.02, 1140.05, 1013.38, 0.83047], [1768.5, 390.88, 1897.46, 779.76, 0.76917], [505.0, 449.0, 544.0, 568.0, 0.58572], [825.55, 292.02, 1067.06, 1018.56, 0.56613]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [968.0, 427.0, 1133.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [941.0, 407.0, 1106.0, 1045.0, 1.0], [1267.0, 435.0, 1439.0, 821.0, 1.0], [814.0, 434.0, 944.0, 909.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [407.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [660.0, 450.0, 725.0, 637.0, 1.0], [1280.0, 422.0, 1438.0, 767.0, 1.0], [1721.0, 408.0, 1932.0, 776.0, 1.0], [1281.0, 448.0, 1331.0, 552.0, 1.0], [1101.0, 444.0, 1160.0, 559.0, 1.0], [773.0, 453.0, 797.0, 526.0, 1.0], [775.0, 448.0, 801.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [626.0, 457.0, 644.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 259, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 258}, {"time_since_observed": 7, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 1, "age": 174}, {"time_since_observed": 10, "confidence": 1, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 39}], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]], "unmatched_before_before": []}, "ret_dets": [[801.0, 417.0, 960.0, 896.0, 1.5862], [669.58, 432.79, 738.224, 640.72, 0.97237], [929.93, 381.02, 1140.05, 1013.38, 0.83047], [1768.5, 390.88, 1897.46, 779.76, 0.76917], [505.0, 449.0, 544.0, 568.0, 0.58572], [825.55, 292.02, 1067.06, 1018.56, 0.56613]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [968.0, 427.0, 1133.0, 864.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 581.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [941.0, 407.0, 1106.0, 1045.0, 1.0], [1267.0, 435.0, 1439.0, 821.0, 1.0], [814.0, 434.0, 944.0, 909.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [407.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [468.0, 458.0, 498.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [660.0, 450.0, 725.0, 637.0, 1.0], [1280.0, 422.0, 1438.0, 767.0, 1.0], [1721.0, 408.0, 1932.0, 776.0, 1.0], [1281.0, 448.0, 1331.0, 552.0, 1.0], [1101.0, 444.0, 1160.0, 559.0, 1.0], [773.0, 453.0, 797.0, 526.0, 1.0], [775.0, 448.0, 801.0, 522.0, 1.0], [607.0, 459.0, 627.0, 518.0, 1.0], [626.0, 457.0, 644.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [576.0, 454.0, 598.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [994.0, 450.0, 1025.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 431.0, 621.0, 473.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 260, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 8, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]]}, "ret_ret": [[800.889578086651, 421.26786853693477, 960.3412497222755, 901.6176643280697, 15.0], [505.6674470049838, 448.10625654206405, 545.7999553106555, 570.5068622862871, 14.0], [668.6641819999551, 436.53235074165354, 735.5974003561408, 639.3384150694822, 12.0], [1282.7160111882745, 345.62406882545764, 1438.720178300694, 815.6434687777617, 11.0], [923.4102047979577, 374.89617133071727, 1139.1991036971317, 1024.2678728324563, 8.0], [1267.5634767888266, 406.8483106977144, 1402.3447859505002, 813.1940130793687, 7.0], [811.4094044982382, 285.86510246818597, 1053.3547601544924, 1013.723895236003, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.3239], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1026], [505.0, 449.0, 544.0, 568.0, 0.69447], [667.92, 461.78, 727.549, 642.67, 0.61818], [1310.3, 418.86, 1448.59, 835.72, 0.34216]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [970.0, 427.0, 1134.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [945.0, 407.0, 1110.0, 1046.0, 1.0], [1282.0, 434.0, 1440.0, 823.0, 1.0], [816.0, 434.0, 945.0, 912.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [406.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [662.0, 451.0, 727.0, 638.0, 1.0], [1288.0, 422.0, 1439.0, 769.0, 1.0], [1704.0, 409.0, 1925.0, 776.0, 1.0], [1283.0, 448.0, 1334.0, 553.0, 1.0], [1103.0, 444.0, 1160.0, 558.0, 1.0], [774.0, 453.0, 798.0, 525.0, 1.0], [776.0, 447.0, 802.0, 522.0, 1.0], [608.0, 460.0, 628.0, 519.0, 1.0], [627.0, 457.0, 645.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 260, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 259}, {"time_since_observed": 8, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 1, "age": 175}, {"time_since_observed": 11, "confidence": 0.8784684704398205, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 40}], "unmatched": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]], "unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.45599]]}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.3239], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1026], [505.0, 449.0, 544.0, 568.0, 0.69447], [667.92, 461.78, 727.549, 642.67, 0.61818], [1310.3, 418.86, 1448.59, 835.72, 0.34216]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [970.0, 427.0, 1134.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 487.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1010.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [945.0, 407.0, 1110.0, 1046.0, 1.0], [1282.0, 434.0, 1440.0, 823.0, 1.0], [816.0, 434.0, 945.0, 912.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [406.0, 464.0, 449.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [424.0, 461.0, 454.0, 543.0, 1.0], [662.0, 451.0, 727.0, 638.0, 1.0], [1288.0, 422.0, 1439.0, 769.0, 1.0], [1704.0, 409.0, 1925.0, 776.0, 1.0], [1283.0, 448.0, 1334.0, 553.0, 1.0], [1103.0, 444.0, 1160.0, 558.0, 1.0], [774.0, 453.0, 798.0, 525.0, 1.0], [776.0, 447.0, 802.0, 522.0, 1.0], [608.0, 460.0, 628.0, 519.0, 1.0], [627.0, 457.0, 645.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 545.0, 1.0], [589.0, 460.0, 610.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [599.0, 459.0, 622.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [522.0, 458.0, 550.0, 519.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 539.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 261, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 9, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]]}, "ret_ret": [[794.7492303325765, 416.47611351791255, 960.6914087259987, 916.3047775481039, 15.0], [505.189612284532, 448.61300407968014, 544.624926083853, 568.9206216657989, 14.0], [668.7822532649625, 452.37940921326515, 731.3159221385204, 641.9945820213833, 12.0], [1309.3526071668566, 415.80692049831316, 1448.8243332870934, 836.2134717044977, 11.0], [913.8664445641031, 387.2768261234398, 1117.412395167928, 999.9272622568162, 8.0], [1272.553788807388, 406.47622571531855, 1407.3354737560192, 812.8230610390419, 7.0], [811.1161045047337, 287.8202937762456, 1053.7821660554537, 1017.8472295152874, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4465], [505.0, 449.0, 544.0, 568.0, 1.2801], [887.71, 381.02, 1097.83, 1013.38, 0.92591], [672.78, 433.93, 746.423, 656.86, 0.64423], [626.92, 455.43, 647.3549999999999, 518.736, 0.48753], [1314.7, 389.14, 1462.99, 836.0, 0.43968]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [972.0, 427.0, 1135.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [946.0, 407.0, 1111.0, 1046.0, 1.0], [1297.0, 433.0, 1441.0, 825.0, 1.0], [818.0, 434.0, 947.0, 915.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [404.0, 464.0, 447.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 461.0, 453.0, 543.0, 1.0], [664.0, 450.0, 729.0, 638.0, 1.0], [1296.0, 422.0, 1440.0, 771.0, 1.0], [1688.0, 410.0, 1918.0, 776.0, 1.0], [1286.0, 448.0, 1335.0, 552.0, 1.0], [1105.0, 444.0, 1160.0, 557.0, 1.0], [776.0, 453.0, 799.0, 525.0, 1.0], [777.0, 447.0, 803.0, 522.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [627.0, 457.0, 646.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [523.0, 457.0, 550.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 261, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 260}, {"time_since_observed": 9, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 1, "age": 176}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 41}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1768.5, 390.88, 1897.46, 779.76, 0.76917]]}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4465], [505.0, 449.0, 544.0, 568.0, 1.2801], [887.71, 381.02, 1097.83, 1013.38, 0.92591], [672.78, 433.93, 746.423, 656.86, 0.64423], [626.92, 455.43, 647.3549999999999, 518.736, 0.48753], [1314.7, 389.14, 1462.99, 836.0, 0.43968]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [972.0, 427.0, 1135.0, 865.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 777.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1009.0, 560.0, 1.0], [946.0, 407.0, 1111.0, 1046.0, 1.0], [1297.0, 433.0, 1441.0, 825.0, 1.0], [818.0, 434.0, 947.0, 915.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [404.0, 464.0, 447.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 561.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [423.0, 461.0, 453.0, 543.0, 1.0], [664.0, 450.0, 729.0, 638.0, 1.0], [1296.0, 422.0, 1440.0, 771.0, 1.0], [1688.0, 410.0, 1918.0, 776.0, 1.0], [1286.0, 448.0, 1335.0, 552.0, 1.0], [1105.0, 444.0, 1160.0, 557.0, 1.0], [776.0, 453.0, 799.0, 525.0, 1.0], [777.0, 447.0, 803.0, 522.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [627.0, 457.0, 646.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [523.0, 457.0, 550.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 434.0, 612.0, 477.0, 1.0], [603.0, 432.0, 621.0, 474.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 262, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 10, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "unmatched": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched_before_before": []}, "ret_ret": [[792.3768505270416, 414.72856024909606, 960.7421647528697, 921.8272532218559, 15.0], [505.01353337523585, 448.81459630653086, 544.1794378573733, 568.3129840435415, 14.0], [672.0862034573568, 440.66152233376744, 741.7921810244909, 651.8074718051889, 12.0], [1315.1827249529488, 398.7095583926208, 1460.4966424095328, 836.6439830919456, 11.0], [897.7906610316325, 383.8434113853505, 1105.2595835647182, 1008.2542041375914, 8.0], [1277.5441947728852, 406.10442396903227, 1412.3260676146022, 812.4518257626057, 7.0], [811.0033817266567, 290.3187264028504, 1054.0289947409872, 1021.4273224760263, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[505.0, 449.0, 544.0, 568.0, 1.3971], [789.83, 412.56, 960.3100000000001, 926.01, 1.2807], [669.58, 446.72, 738.224, 654.6500000000001, 1.2114], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0808], [629.0, 457.0, 648.0, 516.0, 0.94174], [1310.3, 418.86, 1448.59, 835.72, 0.73916]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [974.0, 426.0, 1137.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [947.0, 407.0, 1112.0, 1046.0, 1.0], [1313.0, 433.0, 1443.0, 828.0, 1.0], [821.0, 435.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [403.0, 464.0, 445.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 461.0, 452.0, 543.0, 1.0], [666.0, 450.0, 731.0, 638.0, 1.0], [1307.0, 422.0, 1444.0, 771.0, 1.0], [1683.0, 411.0, 1904.0, 772.0, 1.0], [1290.0, 448.0, 1336.0, 552.0, 1.0], [1106.0, 444.0, 1160.0, 555.0, 1.0], [778.0, 453.0, 800.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [628.0, 457.0, 648.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [524.0, 457.0, 551.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 262, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 261}, {"time_since_observed": 10, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 1, "age": 177}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 42}], "unmatched": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]], "unmatched_before_before": []}, "ret_dets": [[505.0, 449.0, 544.0, 568.0, 1.3971], [789.83, 412.56, 960.3100000000001, 926.01, 1.2807], [669.58, 446.72, 738.224, 654.6500000000001, 1.2114], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0808], [629.0, 457.0, 648.0, 516.0, 0.94174], [1310.3, 418.86, 1448.59, 835.72, 0.73916]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [974.0, 426.0, 1137.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [947.0, 407.0, 1112.0, 1046.0, 1.0], [1313.0, 433.0, 1443.0, 828.0, 1.0], [821.0, 435.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [403.0, 464.0, 445.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [467.0, 458.0, 497.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [422.0, 461.0, 452.0, 543.0, 1.0], [666.0, 450.0, 731.0, 638.0, 1.0], [1307.0, 422.0, 1444.0, 771.0, 1.0], [1683.0, 411.0, 1904.0, 772.0, 1.0], [1290.0, 448.0, 1336.0, 552.0, 1.0], [1106.0, 444.0, 1160.0, 555.0, 1.0], [778.0, 453.0, 800.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [608.0, 459.0, 628.0, 518.0, 1.0], [628.0, 457.0, 648.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 459.0, 621.0, 516.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [524.0, 457.0, 551.0, 518.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [995.0, 450.0, 1026.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 263, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 11, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "unmatched": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "unmatched_before_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]]}, "ret_ret": [[791.4232652037471, 414.0538769293123, 960.7145688103584, 923.9305640201856, 15.0], [504.9516724815328, 448.89562679000437, 544.0142324655421, 568.0835305397059, 14.0], [671.2061478849099, 444.62515570294437, 740.3247135847683, 653.9923272835146, 12.0], [1314.1915845353428, 412.3558206012203, 1455.079941000307, 837.0123858812715, 11.0], [904.0592971046573, 390.89482124022356, 1104.279020466861, 993.5618312907732, 8.0], [1282.534647711703, 405.7327638403566, 1417.3166144998647, 812.0804488685588, 7.0], [810.9806464812513, 293.087873946535, 1054.1858358938493, 1024.7367005196857, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5266], [907.12, 394.97, 1103.1, 984.9200000000001, 1.2344], [505.0, 449.0, 544.0, 568.0, 1.0469], [672.78, 433.93, 746.423, 656.86, 0.86736], [1326.6, 442.87, 1455.56, 831.75, 0.62966], [629.0, 457.0, 648.0, 516.0, 0.61433]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [976.0, 426.0, 1138.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [948.0, 407.0, 1113.0, 1046.0, 1.0], [1322.0, 432.0, 1452.0, 830.0, 1.0], [821.0, 434.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [402.0, 464.0, 444.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [466.0, 458.0, 496.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 461.0, 451.0, 543.0, 1.0], [668.0, 450.0, 733.0, 638.0, 1.0], [1318.0, 422.0, 1449.0, 772.0, 1.0], [1678.0, 412.0, 1890.0, 769.0, 1.0], [1293.0, 448.0, 1337.0, 551.0, 1.0], [1108.0, 444.0, 1160.0, 554.0, 1.0], [780.0, 453.0, 801.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 649.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [525.0, 457.0, 551.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 263, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 262}, {"time_since_observed": 11, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 1, "age": 178}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 43}], "unmatched": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "unmatched_before": [[629.0, 457.0, 648.0, 516.0, 0.94174]], "unmatched_before_before": [[626.92, 455.43, 647.3549999999999, 518.736, 0.48753]]}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5266], [907.12, 394.97, 1103.1, 984.9200000000001, 1.2344], [505.0, 449.0, 544.0, 568.0, 1.0469], [672.78, 433.93, 746.423, 656.86, 0.86736], [1326.6, 442.87, 1455.56, 831.75, 0.62966], [629.0, 457.0, 648.0, 516.0, 0.61433]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [976.0, 426.0, 1138.0, 866.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [979.0, 448.0, 1009.0, 532.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 446.0, 1010.0, 560.0, 1.0], [948.0, 407.0, 1113.0, 1046.0, 1.0], [1322.0, 432.0, 1452.0, 830.0, 1.0], [821.0, 434.0, 949.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [402.0, 464.0, 444.0, 574.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [466.0, 458.0, 496.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [421.0, 461.0, 451.0, 543.0, 1.0], [668.0, 450.0, 733.0, 638.0, 1.0], [1318.0, 422.0, 1449.0, 772.0, 1.0], [1678.0, 412.0, 1890.0, 769.0, 1.0], [1293.0, 448.0, 1337.0, 551.0, 1.0], [1108.0, 444.0, 1160.0, 554.0, 1.0], [780.0, 453.0, 801.0, 525.0, 1.0], [778.0, 447.0, 804.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 649.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [674.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [588.0, 460.0, 609.0, 522.0, 1.0], [564.0, 462.0, 583.0, 524.0, 1.0], [552.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [525.0, 457.0, 551.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [592.0, 435.0, 612.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 264, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 12, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[629.0, 457.0, 648.0, 516.0, 17.0], [804.0650544283995, 409.3287317575085, 981.5765399131066, 943.8716916160058, 15.0], [504.9330381203522, 448.9298581358815, 543.9560780993743, 567.9990208041037, 14.0], [672.9488222301804, 437.93368523694625, 744.9911094853287, 656.0711460148451, 12.0], [1324.1199521532735, 432.54709301245396, 1457.617444685004, 835.0400437309016, 11.0], [906.4504662042173, 393.6894495019471, 1103.8337781523771, 987.846589921646, 8.0], [1287.525124137144, 405.36117452037513, 1422.307137898504, 811.7090011658178, 7.0], [811.0028301877182, 295.99215387990193, 1054.2977580948389, 1027.9109461736625, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5955], [672.78, 433.93, 746.423, 656.86, 1.4754], [505.0, 449.0, 544.0, 568.0, 1.1054], [1338.2, 418.86, 1476.49, 835.72, 1.0068], [907.12, 394.97, 1103.1, 984.9200000000001, 0.9703]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [979.0, 426.0, 1139.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [949.0, 407.0, 1114.0, 1046.0, 1.0], [1332.0, 431.0, 1461.0, 832.0, 1.0], [821.0, 434.0, 950.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [401.0, 464.0, 442.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [465.0, 458.0, 495.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 461.0, 450.0, 543.0, 1.0], [670.0, 449.0, 735.0, 638.0, 1.0], [1329.0, 422.0, 1453.0, 773.0, 1.0], [1674.0, 413.0, 1876.0, 765.0, 1.0], [1297.0, 448.0, 1338.0, 551.0, 1.0], [1110.0, 444.0, 1160.0, 553.0, 1.0], [782.0, 453.0, 802.0, 525.0, 1.0], [779.0, 447.0, 805.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 651.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [526.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 264, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 263}, {"time_since_observed": 12, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 1, "age": 179}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 44}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5955], [672.78, 433.93, 746.423, 656.86, 1.4754], [505.0, 449.0, 544.0, 568.0, 1.1054], [1338.2, 418.86, 1476.49, 835.72, 1.0068], [907.12, 394.97, 1103.1, 984.9200000000001, 0.9703]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [979.0, 426.0, 1139.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [949.0, 407.0, 1114.0, 1046.0, 1.0], [1332.0, 431.0, 1461.0, 832.0, 1.0], [821.0, 434.0, 950.0, 919.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [401.0, 464.0, 442.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [465.0, 458.0, 495.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [420.0, 461.0, 450.0, 543.0, 1.0], [670.0, 449.0, 735.0, 638.0, 1.0], [1329.0, 422.0, 1453.0, 773.0, 1.0], [1674.0, 413.0, 1876.0, 765.0, 1.0], [1297.0, 448.0, 1338.0, 551.0, 1.0], [1110.0, 444.0, 1160.0, 553.0, 1.0], [782.0, 453.0, 802.0, 525.0, 1.0], [779.0, 447.0, 805.0, 523.0, 1.0], [609.0, 459.0, 629.0, 518.0, 1.0], [629.0, 457.0, 651.0, 517.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 529.0, 721.0, 608.0, 0.0], [500.0, 463.0, 523.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [526.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [996.0, 450.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 432.0, 622.0, 474.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 265, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 13, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[808.8412208265273, 407.6309024732629, 989.3993750012586, 951.312791476596, 15.0], [504.9305235475975, 448.9458931616482, 543.9384773936938, 567.9697277698003, 14.0], [673.5556281417913, 435.4128072710624, 746.6828159335986, 656.8019372038285, 12.0], [1335.4769846373974, 425.01890406883405, 1471.8713650678883, 836.1957544192253, 11.0], [907.3321118668313, 394.77217334576665, 1103.6236245426437, 985.653377259422, 8.0], [1292.515612305888, 404.98962060471297, 1427.2976495538403, 811.3375180587574, 7.0], [811.0474547228719, 298.96394391046505, 1054.3872394671419, 1031.0176817304432, 2.0]], "ret_unmatched_trks_pos": [[629.0, 457.0, 648.0, 516.0, 17.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6816], [505.0, 449.0, 544.0, 568.0, 1.1592], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1139], [676.79, 442.87, 740.77, 636.81, 1.016], [1674.4, 413.27, 1794.66, 776.04, 0.78249], [1338.2, 418.86, 1476.49, 835.72, 0.54073]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [981.0, 426.0, 1140.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [950.0, 407.0, 1115.0, 1046.0, 1.0], [1342.0, 431.0, 1470.0, 835.0, 1.0], [821.0, 433.0, 951.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [400.0, 464.0, 441.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [464.0, 458.0, 494.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 461.0, 449.0, 543.0, 1.0], [672.0, 449.0, 737.0, 638.0, 1.0], [1340.0, 423.0, 1458.0, 774.0, 1.0], [1669.0, 414.0, 1862.0, 762.0, 1.0], [1300.0, 448.0, 1339.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [784.0, 453.0, 804.0, 525.0, 1.0], [780.0, 447.0, 806.0, 523.0, 1.0], [610.0, 459.0, 630.0, 518.0, 1.0], [630.0, 457.0, 652.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 721.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [527.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 265, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 264}, {"time_since_observed": 13, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 1, "age": 180}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 45}, {"time_since_observed": 1, "confidence": 0.0017291620099123277, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6816], [505.0, 449.0, 544.0, 568.0, 1.1592], [907.12, 394.97, 1103.1, 984.9200000000001, 1.1139], [676.79, 442.87, 740.77, 636.81, 1.016], [1674.4, 413.27, 1794.66, 776.04, 0.78249], [1338.2, 418.86, 1476.49, 835.72, 0.54073]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [981.0, 426.0, 1140.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [950.0, 407.0, 1115.0, 1046.0, 1.0], [1342.0, 431.0, 1470.0, 835.0, 1.0], [821.0, 433.0, 951.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [400.0, 464.0, 441.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [464.0, 458.0, 494.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [419.0, 461.0, 449.0, 543.0, 1.0], [672.0, 449.0, 737.0, 638.0, 1.0], [1340.0, 423.0, 1458.0, 774.0, 1.0], [1669.0, 414.0, 1862.0, 762.0, 1.0], [1300.0, 448.0, 1339.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [784.0, 453.0, 804.0, 525.0, 1.0], [780.0, 447.0, 806.0, 523.0, 1.0], [610.0, 459.0, 630.0, 518.0, 1.0], [630.0, 457.0, 652.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [713.0, 477.0, 729.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 721.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [527.0, 457.0, 552.0, 517.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1027.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 266, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 14, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 2}], "unmatched": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched_before_before": []}, "ret_ret": [[810.5646741046688, 406.9569261097866, 992.2783183552577, 954.1044676663457, 15.0], [504.9337651659377, 448.95471090342403, 543.9359724779642, 567.9612799727458, 14.0], [676.1242823418836, 439.6388040797188, 743.7779675050244, 644.6162515208678, 12.0], [1339.5861894262903, 422.07946410374365, 1477.071661091646, 836.5262314903587, 11.0], [907.6350825087732, 395.18822621798915, 1103.5103313435752, 984.8204097813854, 8.0], [1297.5061063462806, 404.61808439120364, 1432.288155337528, 810.9660172495442, 7.0], [811.103295017576, 301.9694749863326, 1054.4655050798945, 1034.0906762419195, 2.0]], "ret_unmatched_trks_pos": [[629.0, 457.0, 648.0, 516.0, 17.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6507], [1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297], [505.0, 449.0, 544.0, 568.0, 1.0638], [1338.2, 418.86, 1476.49, 835.72, 1.0428], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0373], [672.78, 433.93, 746.423, 656.86, 0.98773]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [983.0, 425.0, 1142.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [951.0, 407.0, 1116.0, 1046.0, 1.0], [1346.0, 431.0, 1487.0, 834.0, 1.0], [821.0, 433.0, 952.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [398.0, 464.0, 439.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 461.0, 448.0, 543.0, 1.0], [674.0, 449.0, 739.0, 639.0, 1.0], [1346.0, 422.0, 1467.0, 775.0, 1.0], [1665.0, 415.0, 1848.0, 758.0, 1.0], [1304.0, 448.0, 1341.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [785.0, 453.0, 806.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 654.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [528.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 266, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 265}, {"time_since_observed": 14, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 1, "age": 181}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 46}, {"time_since_observed": 2, "confidence": 0.0017127460124748434, "age": 2}], "unmatched": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]], "unmatched_before_before": []}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.6507], [1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297], [505.0, 449.0, 544.0, 568.0, 1.0638], [1338.2, 418.86, 1476.49, 835.72, 1.0428], [907.12, 394.97, 1103.1, 984.9200000000001, 1.0373], [672.78, 433.93, 746.423, 656.86, 0.98773]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [983.0, 425.0, 1142.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1008.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [974.0, 447.0, 1010.0, 560.0, 1.0], [951.0, 407.0, 1116.0, 1046.0, 1.0], [1346.0, 431.0, 1487.0, 834.0, 1.0], [821.0, 433.0, 952.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [398.0, 464.0, 439.0, 575.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [418.0, 461.0, 448.0, 543.0, 1.0], [674.0, 449.0, 739.0, 639.0, 1.0], [1346.0, 422.0, 1467.0, 775.0, 1.0], [1665.0, 415.0, 1848.0, 758.0, 1.0], [1304.0, 448.0, 1341.0, 550.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [785.0, 453.0, 806.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 654.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [587.0, 460.0, 608.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [598.0, 458.0, 621.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [528.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 267, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 15, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 3}], "unmatched": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "unmatched_before_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]]}, "ret_ret": [[811.1205446364105, 406.6576772395951, 993.2787278136728, 955.1385126026091, 15.0], [504.93881933623345, 448.9605225369369, 543.9388477122976, 567.9605456936673, 14.0], [674.6080013884228, 435.9749039653598, 746.1124396133922, 652.5029846824364, 12.0], [1340.9301319274637, 420.8837560949649, 1478.831117897858, 836.5756864329155, 11.0], [907.7191766699227, 395.3477543100904, 1103.4375409416464, 984.5092139495626, 8.0], [1302.4966033224973, 404.24655702876885, 1437.2786581853916, 810.5945075892564, 7.0], [811.1647420292329, 304.9918730866639, 1054.538163975694, 1037.1468037289321, 2.0]], "ret_unmatched_trks_pos": [[629.0, 457.0, 648.0, 516.0, 17.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5415], [1352.6, 442.87, 1481.56, 831.75, 1.4159], [1650.1, 413.27, 1770.36, 776.04, 1.3852], [672.78, 433.93, 746.423, 656.86, 1.1111], [505.0, 449.0, 544.0, 568.0, 0.93192], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7975]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [985.0, 425.0, 1143.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1007.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [952.0, 407.0, 1117.0, 1046.0, 1.0], [1350.0, 432.0, 1504.0, 834.0, 1.0], [821.0, 432.0, 953.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [397.0, 464.0, 437.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 461.0, 447.0, 543.0, 1.0], [678.0, 448.0, 741.0, 639.0, 1.0], [1352.0, 421.0, 1476.0, 777.0, 1.0], [1660.0, 416.0, 1834.0, 755.0, 1.0], [1305.0, 447.0, 1345.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [786.0, 453.0, 808.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 655.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [529.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 267, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 266}, {"time_since_observed": 15, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 1, "age": 182}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 0, "confidence": 0.5, "age": 47}, {"time_since_observed": 3, "confidence": 0.0017147717178097159, "age": 3}], "unmatched": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "unmatched_before": [[1668.9, 423.24, 1773.46, 738.9200000000001, 1.3297]], "unmatched_before_before": [[1674.4, 413.27, 1794.66, 776.04, 0.78249]]}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5415], [1352.6, 442.87, 1481.56, 831.75, 1.4159], [1650.1, 413.27, 1770.36, 776.04, 1.3852], [672.78, 433.93, 746.423, 656.86, 1.1111], [505.0, 449.0, 544.0, 568.0, 0.93192], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7975]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [985.0, 425.0, 1143.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [978.0, 448.0, 1007.0, 531.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [952.0, 407.0, 1117.0, 1046.0, 1.0], [1350.0, 432.0, 1504.0, 834.0, 1.0], [821.0, 432.0, 953.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [397.0, 464.0, 437.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [463.0, 458.0, 493.0, 562.0, 1.0], [407.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [417.0, 461.0, 447.0, 543.0, 1.0], [678.0, 448.0, 741.0, 639.0, 1.0], [1352.0, 421.0, 1476.0, 777.0, 1.0], [1660.0, 416.0, 1834.0, 755.0, 1.0], [1305.0, 447.0, 1345.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [786.0, 453.0, 808.0, 524.0, 1.0], [781.0, 447.0, 807.0, 523.0, 1.0], [610.0, 458.0, 630.0, 517.0, 1.0], [631.0, 457.0, 655.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [529.0, 457.0, 553.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [997.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 435.0, 613.0, 478.0, 1.0], [604.0, 433.0, 622.0, 475.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 268, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1650.1, 413.27, 1770.3600000000001, 776.04, 18.0], [811.2370788659774, 406.5018208548863, 993.569730362795, 955.5059824774805, 15.0], [504.944206869437, 448.9649549376664, 543.9434184787948, 567.9625251091271, 14.0], [673.9969007142948, 434.6532986070098, 746.9180822173261, 655.4262218537193, 12.0], [1350.471462045288, 435.52167679735305, 1482.7881616924162, 834.468960260792, 11.0], [907.2621822910869, 375.16926993980684, 1121.6369078685823, 1020.3149991145006, 8.0], [1307.4871017666258, 403.875034091871, 1442.2691595653434, 810.2229935034318, 7.0], [811.2289921087702, 308.0227038250088, 1054.6080198036134, 1040.194498577931, 2.0]], "ret_unmatched_trks_pos": [[629.0, 457.0, 648.0, 516.0, 17.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5542], [672.78, 433.93, 746.423, 656.86, 1.5357], [1352.6, 442.87, 1481.56, 831.75, 1.4875], [505.0, 449.0, 544.0, 568.0, 1.3018], [1650.1, 413.27, 1770.36, 776.04, 1.2305], [907.12, 394.97, 1103.1, 984.9200000000001, 0.77671], [780.76, 260.92, 1039.68, 1039.68, 0.36035]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [987.0, 425.0, 1144.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [953.0, 407.0, 1118.0, 1046.0, 1.0], [1355.0, 433.0, 1522.0, 834.0, 1.0], [821.0, 432.0, 954.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [396.0, 464.0, 436.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [462.0, 458.0, 492.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 461.0, 446.0, 543.0, 1.0], [682.0, 447.0, 743.0, 640.0, 1.0], [1358.0, 420.0, 1485.0, 778.0, 1.0], [1656.0, 417.0, 1821.0, 752.0, 1.0], [1307.0, 446.0, 1349.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [788.0, 453.0, 811.0, 524.0, 1.0], [782.0, 447.0, 808.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [632.0, 457.0, 657.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [530.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 436.0, 613.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 268, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 267}, {"time_since_observed": 16, "confidence": 0.964385215343597, "age": 185}, {"time_since_observed": 0, "confidence": 1, "age": 183}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 0, "confidence": 0.5, "age": 48}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.5542], [672.78, 433.93, 746.423, 656.86, 1.5357], [1352.6, 442.87, 1481.56, 831.75, 1.4875], [505.0, 449.0, 544.0, 568.0, 1.3018], [1650.1, 413.27, 1770.36, 776.04, 1.2305], [907.12, 394.97, 1103.1, 984.9200000000001, 0.77671], [780.76, 260.92, 1039.68, 1039.68, 0.36035]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [987.0, 425.0, 1144.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1010.0, 560.0, 1.0], [953.0, 407.0, 1118.0, 1046.0, 1.0], [1355.0, 433.0, 1522.0, 834.0, 1.0], [821.0, 432.0, 954.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [396.0, 464.0, 436.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [462.0, 458.0, 492.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 461.0, 446.0, 543.0, 1.0], [682.0, 447.0, 743.0, 640.0, 1.0], [1358.0, 420.0, 1485.0, 778.0, 1.0], [1656.0, 417.0, 1821.0, 752.0, 1.0], [1307.0, 446.0, 1349.0, 549.0, 1.0], [1112.0, 444.0, 1160.0, 552.0, 1.0], [788.0, 453.0, 811.0, 524.0, 1.0], [782.0, 447.0, 808.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [632.0, 457.0, 657.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [530.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1028.0, 538.0, 1.0], [593.0, 436.0, 613.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 269, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1648.6973684825903, 412.62398734637816, 1770.0780161327943, 778.7744741920834, 18.0], [811.1938390936974, 406.4035450032858, 993.5978653019541, 955.6218517588992, 15.0], [504.9493932300483, 448.9686491623886, 543.9483078345239, 567.9653280609435, 14.0], [673.7138886705831, 434.1544767088274, 747.1677541901132, 656.522703321047, 12.0], [1353.933181227884, 441.1212802275806, 1484.0559077712871, 833.4868782050928, 11.0], [907.3879731188733, 387.36644655820817, 1110.3794300658476, 998.3586605129423, 8.0], [1312.47760094471, 403.5035133677415, 1447.2596602113395, 809.8514772048386, 7.0], [782.3605287008837, 263.99274321036734, 1039.9756533939453, 1038.843461013453, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4379], [505.0, 449.0, 544.0, 568.0, 1.2301], [672.78, 433.93, 746.423, 656.86, 1.1111], [907.12, 394.97, 1103.1, 984.9200000000001, 0.7736], [1366.0, 418.86, 1504.29, 835.72, 0.76954], [1652.8, 408.29, 1764.94, 746.7, 0.76833], [815.59, 272.53, 1040.8600000000001, 950.35, 0.47643]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [990.0, 425.0, 1146.0, 870.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [954.0, 407.0, 1119.0, 1046.0, 1.0], [1358.0, 433.0, 1536.0, 835.0, 1.0], [821.0, 431.0, 955.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [395.0, 464.0, 434.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [461.0, 458.0, 491.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 462.0, 446.0, 544.0, 1.0], [686.0, 446.0, 745.0, 641.0, 1.0], [1364.0, 420.0, 1494.0, 780.0, 1.0], [1647.0, 414.0, 1795.0, 751.0, 1.0], [1309.0, 445.0, 1353.0, 549.0, 1.0], [1112.0, 445.0, 1160.0, 553.0, 1.0], [789.0, 453.0, 813.0, 524.0, 1.0], [783.0, 447.0, 809.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [633.0, 457.0, 658.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [531.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1029.0, 538.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 269, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 268}, {"time_since_observed": 17, "confidence": 0.8017403957931769, "age": 186}, {"time_since_observed": 0, "confidence": 1, "age": 184}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 113}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 0, "confidence": 0.5, "age": 49}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.4379], [505.0, 449.0, 544.0, 568.0, 1.2301], [672.78, 433.93, 746.423, 656.86, 1.1111], [907.12, 394.97, 1103.1, 984.9200000000001, 0.7736], [1366.0, 418.86, 1504.29, 835.72, 0.76954], [1652.8, 408.29, 1764.94, 746.7, 0.76833], [815.59, 272.53, 1040.8600000000001, 950.35, 0.47643]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [990.0, 425.0, 1146.0, 870.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 582.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1007.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [954.0, 407.0, 1119.0, 1046.0, 1.0], [1358.0, 433.0, 1536.0, 835.0, 1.0], [821.0, 431.0, 955.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [395.0, 464.0, 434.0, 576.0, 1.0], [512.0, 454.0, 544.0, 562.0, 1.0], [461.0, 458.0, 491.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [416.0, 462.0, 446.0, 544.0, 1.0], [686.0, 446.0, 745.0, 641.0, 1.0], [1364.0, 420.0, 1494.0, 780.0, 1.0], [1647.0, 414.0, 1795.0, 751.0, 1.0], [1309.0, 445.0, 1353.0, 549.0, 1.0], [1112.0, 445.0, 1160.0, 553.0, 1.0], [789.0, 453.0, 813.0, 524.0, 1.0], [783.0, 447.0, 809.0, 523.0, 1.0], [611.0, 458.0, 631.0, 517.0, 1.0], [633.0, 457.0, 658.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [501.0, 463.0, 524.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [563.0, 462.0, 582.0, 524.0, 1.0], [553.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [577.0, 454.0, 599.0, 518.0, 1.0], [531.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [998.0, 451.0, 1029.0, 538.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 433.0, 623.0, 475.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 270, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1651.5315547483342, 408.52958790314017, 1765.6156845572368, 752.7552038817231, 18.0], [797.9297488166319, 410.4256500707742, 972.7396232695835, 936.8634705646909, 15.0], [504.95420416048313, 448.97186931406895, 543.9530197972826, 567.9682519533555, 14.0], [673.5580969009924, 433.9604007422839, 747.2130892093711, 656.9308281049617, 12.0], [1363.9313861781654, 427.83742908431043, 1499.0791821189052, 835.2751587746596, 11.0], [907.4927404803266, 392.2800084103727, 1105.9670831522214, 989.7146902032244, 8.0], [1317.4681004897723, 403.13199374999607, 1452.2501604903575, 809.4799597998615, 7.0], [804.0553746606168, 268.1054826359623, 1040.8653263071244, 980.5555104878881, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.5471], [1652.8, 408.29, 1764.94, 746.7, 1.2699], [505.0, 449.0, 544.0, 568.0, 1.1919], [1378.6, 442.87, 1507.56, 831.75, 1.13], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7456], [689.79, 442.87, 753.77, 636.81, 0.52151], [781.01, 223.86, 1058.59, 1058.5900000000001, 0.43615]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [991.0, 424.0, 1148.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [955.0, 407.0, 1120.0, 1046.0, 1.0], [1362.0, 434.0, 1551.0, 836.0, 1.0], [821.0, 431.0, 956.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [394.0, 465.0, 433.0, 577.0, 1.0], [512.0, 455.0, 544.0, 563.0, 1.0], [460.0, 458.0, 490.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 462.0, 445.0, 544.0, 1.0], [690.0, 446.0, 748.0, 642.0, 1.0], [1367.0, 420.0, 1505.0, 781.0, 1.0], [1639.0, 412.0, 1770.0, 750.0, 1.0], [1311.0, 445.0, 1357.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [790.0, 453.0, 815.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [634.0, 458.0, 660.0, 519.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 555.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 270, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 269}, {"time_since_observed": 18, "confidence": 0.7632711734378267, "age": 187}, {"time_since_observed": 0, "confidence": 1, "age": 185}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 114}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 0, "confidence": 0.5, "age": 50}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.5471], [1652.8, 408.29, 1764.94, 746.7, 1.2699], [505.0, 449.0, 544.0, 568.0, 1.1919], [1378.6, 442.87, 1507.56, 831.75, 1.13], [906.1, 363.04, 1131.3700000000001, 1040.8600000000001, 0.7456], [689.79, 442.87, 753.77, 636.81, 0.52151], [781.01, 223.86, 1058.59, 1058.5900000000001, 0.43615]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [991.0, 424.0, 1148.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 592.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [955.0, 407.0, 1120.0, 1046.0, 1.0], [1362.0, 434.0, 1551.0, 836.0, 1.0], [821.0, 431.0, 956.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [394.0, 465.0, 433.0, 577.0, 1.0], [512.0, 455.0, 544.0, 563.0, 1.0], [460.0, 458.0, 490.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [415.0, 462.0, 445.0, 544.0, 1.0], [690.0, 446.0, 748.0, 642.0, 1.0], [1367.0, 420.0, 1505.0, 781.0, 1.0], [1639.0, 412.0, 1770.0, 750.0, 1.0], [1311.0, 445.0, 1357.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [790.0, 453.0, 815.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [634.0, 458.0, 660.0, 519.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [673.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [586.0, 460.0, 607.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 519.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 555.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 271, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1652.4376036542728, 407.7018664088008, 1764.4877550414078, 745.8215399184177, 18.0], [792.8949492612678, 412.08453872521096, 964.7237851387197, 929.5771043965872, 15.0], [504.9586010776699, 448.9747342803628, 543.9573929319682, 567.9710465369952, 14.0], [684.3387320464889, 439.0427506867449, 752.2062584025667, 644.6622412860108, 12.0], [1375.6268083791144, 438.0108171904974, 1506.8587285470578, 833.7041146546219, 11.0], [907.1110106030984, 374.0978929686674, 1122.4567273275993, 1022.1562393244835, 8.0], [1322.4586002183235, 402.7604746854428, 1457.2406605858866, 809.1084418416923, 7.0], [789.0368508360154, 239.42425153913354, 1052.1350355127174, 1030.7398373982605, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.629], [1630.2, 408.29, 1742.3400000000001, 746.7, 1.2206], [505.0, 449.0, 544.0, 568.0, 1.1484], [825.55, 292.02, 1067.06, 1018.56, 0.97137], [1374.4, 419.0, 1522.69, 865.86, 0.3628], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.36174]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [993.0, 423.0, 1150.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [957.0, 406.0, 1121.0, 1045.0, 1.0], [1366.0, 435.0, 1566.0, 838.0, 1.0], [821.0, 430.0, 958.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 462.0, 444.0, 544.0, 1.0], [692.0, 446.0, 753.0, 641.0, 1.0], [1371.0, 420.0, 1517.0, 782.0, 1.0], [1630.0, 409.0, 1745.0, 749.0, 1.0], [1312.0, 445.0, 1358.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [792.0, 453.0, 818.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [635.0, 458.0, 660.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 271, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 270}, {"time_since_observed": 19, "confidence": 0.7936541489862984, "age": 188}, {"time_since_observed": 0, "confidence": 1, "age": 186}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 115}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}, {"time_since_observed": 0, "confidence": 0.5, "age": 51}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[789.83, 412.56, 960.3100000000001, 926.01, 1.629], [1630.2, 408.29, 1742.3400000000001, 746.7, 1.2206], [505.0, 449.0, 544.0, 568.0, 1.1484], [825.55, 292.02, 1067.06, 1018.56, 0.97137], [1374.4, 419.0, 1522.69, 865.86, 0.3628], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.36174]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [993.0, 423.0, 1150.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [957.0, 406.0, 1121.0, 1045.0, 1.0], [1366.0, 435.0, 1566.0, 838.0, 1.0], [821.0, 430.0, 958.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [414.0, 462.0, 444.0, 544.0, 1.0], [692.0, 446.0, 753.0, 641.0, 1.0], [1371.0, 420.0, 1517.0, 782.0, 1.0], [1630.0, 409.0, 1745.0, 749.0, 1.0], [1312.0, 445.0, 1358.0, 549.0, 1.0], [1113.0, 445.0, 1161.0, 553.0, 1.0], [792.0, 453.0, 818.0, 524.0, 1.0], [784.0, 447.0, 810.0, 523.0, 1.0], [612.0, 458.0, 632.0, 517.0, 1.0], [635.0, 458.0, 660.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [562.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1029.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 272, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1635.921986217161, 407.59273718678156, 1747.4553023900487, 744.1646275749292, 18.0], [790.9828955344499, 412.73565074731226, 961.6663877008734, 926.790996677755, 15.0], [504.9625949017359, 448.97730599817993, 543.9613912602297, 567.973632832774, 14.0], [693.5309388705502, 443.955641029008, 761.9371955821111, 651.1814713302477, 12.0], [1377.3047413026452, 426.7984680926242, 1519.291314490305, 854.7612793360772, 11.0], [908.5595658121829, 375.1601374109312, 1123.5882997664698, 1022.264560312811, 8.0], [1327.4491000386192, 402.3889558974854, 1462.2311605896712, 808.7369236069271, 7.0], [812.2533053698285, 272.3749097472336, 1062.202829505706, 1024.2426450041617, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.4606], [505.0, 449.0, 544.0, 568.0, 1.2702], [1625.8, 389.02, 1746.06, 751.79, 1.2642], [639.78, 455.43, 660.2149999999999, 518.736, 0.77977], [874.05, 292.02, 1115.56, 1018.56, 0.73525], [689.79, 442.87, 753.77, 636.81, 0.5048], [1374.4, 419.0, 1522.69, 865.86, 0.37651]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [995.0, 422.0, 1152.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [960.0, 406.0, 1123.0, 1045.0, 1.0], [1370.0, 435.0, 1570.0, 841.0, 1.0], [822.0, 430.0, 960.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 462.0, 443.0, 544.0, 1.0], [694.0, 446.0, 758.0, 641.0, 1.0], [1375.0, 420.0, 1528.0, 783.0, 1.0], [1622.0, 407.0, 1720.0, 749.0, 1.0], [1313.0, 445.0, 1360.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 819.0, 523.0, 1.0], [785.0, 447.0, 811.0, 523.0, 1.0], [613.0, 458.0, 633.0, 517.0, 1.0], [636.0, 458.0, 661.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 272, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 271}, {"time_since_observed": 20, "confidence": 0.693324171002633, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 187}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 116}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}, {"time_since_observed": 0, "confidence": 0.5, "age": 52}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[809.68, 405.34, 992.4699999999999, 955.72, 1.4606], [505.0, 449.0, 544.0, 568.0, 1.2702], [1625.8, 389.02, 1746.06, 751.79, 1.2642], [639.78, 455.43, 660.2149999999999, 518.736, 0.77977], [874.05, 292.02, 1115.56, 1018.56, 0.73525], [689.79, 442.87, 753.77, 636.81, 0.5048], [1374.4, 419.0, 1522.69, 865.86, 0.37651]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [995.0, 422.0, 1152.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 778.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [977.0, 448.0, 1006.0, 530.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [960.0, 406.0, 1123.0, 1045.0, 1.0], [1370.0, 435.0, 1570.0, 841.0, 1.0], [822.0, 430.0, 960.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [393.0, 465.0, 432.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [459.0, 458.0, 489.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [413.0, 462.0, 443.0, 544.0, 1.0], [694.0, 446.0, 758.0, 641.0, 1.0], [1375.0, 420.0, 1528.0, 783.0, 1.0], [1622.0, 407.0, 1720.0, 749.0, 1.0], [1313.0, 445.0, 1360.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 819.0, 523.0, 1.0], [785.0, 447.0, 811.0, 523.0, 1.0], [613.0, 458.0, 633.0, 517.0, 1.0], [636.0, 458.0, 661.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 582.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [597.0, 458.0, 620.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [999.0, 451.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 273, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 272}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched_before_before": []}, "ret_ret": [[1627.3293910291534, 393.7351620790755, 1744.677048656906, 747.7707042984975, 18.0], [803.3364366283802, 408.6047662584453, 981.4018645534234, 944.8100940370746, 15.0], [504.9662131445944, 448.9796231627457, 543.9650244024662, 567.9759957782533, 14.0], [691.8681575287836, 443.0451047977913, 757.6053443218242, 642.2633789357506, 12.0], [1377.815117303976, 422.75488146397964, 1523.7028325972178, 862.4141202496014, 11.0], [882.7063395114658, 312.532121505974, 1117.2946929374227, 1018.3184931652208, 8.0], [1332.439599904787, 402.01743724782614, 1467.2216605475837, 808.3654052338638, 7.0], [813.2927599929851, 273.53224657082694, 1063.3040257100752, 1025.585705337323, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1607.5, 408.29, 1719.64, 746.7, 1.5653], [824.12, 412.56, 994.6, 926.01, 1.4046], [505.0, 449.0, 544.0, 568.0, 1.1524], [825.55, 292.02, 1067.06, 1018.56, 0.99906], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.90926]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [997.0, 422.0, 1154.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 448.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [963.0, 406.0, 1124.0, 1044.0, 1.0], [1374.0, 436.0, 1575.0, 845.0, 1.0], [823.0, 430.0, 963.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [458.0, 458.0, 488.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 462.0, 442.0, 544.0, 1.0], [696.0, 446.0, 764.0, 641.0, 1.0], [1379.0, 421.0, 1540.0, 785.0, 1.0], [1608.0, 409.0, 1716.0, 748.0, 1.0], [1314.0, 445.0, 1361.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 820.0, 523.0, 1.0], [786.0, 447.0, 812.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [637.0, 458.0, 662.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 273, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 272}, {"time_since_observed": 21, "confidence": 0.6782361191157263, "age": 190}, {"time_since_observed": 0, "confidence": 1, "age": 188}, {"time_since_observed": 0, "confidence": 0.8784684704398205, "age": 117}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}, {"time_since_observed": 0, "confidence": 0.5, "age": 53}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]], "unmatched_before_before": []}, "ret_dets": [[1607.5, 408.29, 1719.64, 746.7, 1.5653], [824.12, 412.56, 994.6, 926.01, 1.4046], [505.0, 449.0, 544.0, 568.0, 1.1524], [825.55, 292.02, 1067.06, 1018.56, 0.99906], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.90926]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [997.0, 422.0, 1154.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 448.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [975.0, 447.0, 1011.0, 560.0, 1.0], [963.0, 406.0, 1124.0, 1044.0, 1.0], [1374.0, 436.0, 1575.0, 845.0, 1.0], [823.0, 430.0, 963.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [458.0, 458.0, 488.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [412.0, 462.0, 442.0, 544.0, 1.0], [696.0, 446.0, 764.0, 641.0, 1.0], [1379.0, 421.0, 1540.0, 785.0, 1.0], [1608.0, 409.0, 1716.0, 748.0, 1.0], [1314.0, 445.0, 1361.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [792.0, 452.0, 820.0, 523.0, 1.0], [786.0, 447.0, 812.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [637.0, 458.0, 662.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 720.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [585.0, 460.0, 606.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [594.0, 436.0, 614.0, 479.0, 1.0], [605.0, 434.0, 623.0, 476.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 274, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]]}, "ret_ret": [[1611.7892190287075, 402.5447545137174, 1725.5165929656391, 745.7117817489518, 18.0], [817.3000725999163, 411.31684806365035, 990.4194318244595, 932.6824740224232, 15.0], [504.96948747632825, 448.9817141886881, 543.9683172143665, 567.9781433141318, 14.0], [696.2378748138362, 445.4547240331307, 763.8429786207348, 650.274444507348, 12.0], [1384.1174572169941, 424.972635641549, 1529.906624369704, 864.3348816312878, 11.0], [882.4617839374263, 310.0975031173484, 1117.0996663806684, 1016.032888591182, 8.0], [1337.430099793891, 401.64591866731587, 1472.21216048256, 807.9938867916516, 7.0], [822.7883475281493, 287.47715748462997, 1066.641000623053, 1021.0481471681233, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 1.3684], [1607.5, 408.29, 1719.64, 746.7, 1.1497], [825.55, 292.02, 1067.06, 1018.56, 1.1458], [505.0, 449.0, 544.0, 568.0, 1.1366], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.92053]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [999.0, 421.0, 1156.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [966.0, 405.0, 1126.0, 1044.0, 1.0], [1378.0, 436.0, 1580.0, 848.0, 1.0], [823.0, 430.0, 965.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [457.0, 458.0, 487.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 462.0, 441.0, 544.0, 1.0], [699.0, 446.0, 769.0, 640.0, 1.0], [1381.0, 420.0, 1542.0, 785.0, 1.0], [1595.0, 411.0, 1713.0, 748.0, 1.0], [1315.0, 445.0, 1363.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [793.0, 452.0, 821.0, 523.0, 1.0], [787.0, 447.0, 813.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [638.0, 458.0, 663.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 434.0, 624.0, 476.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 274, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 273}, {"time_since_observed": 22, "confidence": 0.607050352572179, "age": 191}, {"time_since_observed": 1, "confidence": 1, "age": 189}, {"time_since_observed": 1, "confidence": 1, "age": 118}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}, {"time_since_observed": 0, "confidence": 0.5, "age": 54}, {"time_since_observed": 0, "confidence": 0.5, "age": 6}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[639.78, 455.43, 660.2149999999999, 518.736, 0.77977]]}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 1.3684], [1607.5, 408.29, 1719.64, 746.7, 1.1497], [825.55, 292.02, 1067.06, 1018.56, 1.1458], [505.0, 449.0, 544.0, 568.0, 1.1366], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.92053]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [999.0, 421.0, 1156.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [966.0, 405.0, 1126.0, 1044.0, 1.0], [1378.0, 436.0, 1580.0, 848.0, 1.0], [823.0, 430.0, 965.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [457.0, 458.0, 487.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [411.0, 462.0, 441.0, 544.0, 1.0], [699.0, 446.0, 769.0, 640.0, 1.0], [1381.0, 420.0, 1542.0, 785.0, 1.0], [1595.0, 411.0, 1713.0, 748.0, 1.0], [1315.0, 445.0, 1363.0, 549.0, 1.0], [1113.0, 446.0, 1161.0, 554.0, 1.0], [793.0, 452.0, 821.0, 523.0, 1.0], [787.0, 447.0, 813.0, 523.0, 1.0], [614.0, 458.0, 634.0, 517.0, 1.0], [638.0, 458.0, 663.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [561.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 515.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1000.0, 452.0, 1030.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 434.0, 624.0, 476.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 275, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 192}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 2, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1606.5147559610286, 405.908280337242, 1718.9276315806346, 745.1291901122746, 18.0], [822.571766765031, 412.40458312189764, 993.7708006038845, 928.0074812025083, 15.0], [504.97244915208097, 448.9836022730115, 543.9712983661271, 567.9800908717476, 14.0], [697.8300934825996, 446.38095051706887, 766.1346064373671, 653.2967495380626, 12.0], [1390.3951725894037, 427.1161792746759, 1536.135040682799, 866.3298535574165, 11.0], [882.2296125778014, 307.7001440795383, 1116.8922556094997, 1013.7100246663277, 8.0], [1342.4205996944631, 401.2744001213801, 1477.2026604060682, 807.6223683148648, 7.0], [825.114075819828, 290.9315401890892, 1067.466279541028, 1019.9991520583328, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 1.6267], [505.0, 449.0, 544.0, 568.0, 1.2479], [702.79, 442.87, 766.77, 636.81, 1.2004], [825.55, 292.02, 1067.06, 1018.56, 1.1544], [1607.5, 408.29, 1719.64, 746.7, 0.74482], [1409.0, 385.0, 1568.0, 864.0, 0.37972]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1000.0, 420.0, 1159.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [969.0, 405.0, 1128.0, 1044.0, 1.0], [1382.0, 437.0, 1585.0, 852.0, 1.0], [824.0, 430.0, 968.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [456.0, 458.0, 486.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 462.0, 440.0, 544.0, 1.0], [701.0, 446.0, 775.0, 640.0, 1.0], [1383.0, 420.0, 1544.0, 786.0, 1.0], [1582.0, 413.0, 1709.0, 747.0, 1.0], [1316.0, 445.0, 1365.0, 549.0, 1.0], [1114.0, 447.0, 1162.0, 555.0, 1.0], [793.0, 451.0, 822.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [615.0, 459.0, 635.0, 518.0, 1.0], [640.0, 458.0, 664.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 275, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 274}, {"time_since_observed": 23, "confidence": 0.5997346561547162, "age": 192}, {"time_since_observed": 2, "confidence": 1, "age": 190}, {"time_since_observed": 2, "confidence": 1, "age": 119}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}, {"time_since_observed": 0, "confidence": 0.5, "age": 55}, {"time_since_observed": 0, "confidence": 0.5, "age": 7}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 1.6267], [505.0, 449.0, 544.0, 568.0, 1.2479], [702.79, 442.87, 766.77, 636.81, 1.2004], [825.55, 292.02, 1067.06, 1018.56, 1.1544], [1607.5, 408.29, 1719.64, 746.7, 0.74482], [1409.0, 385.0, 1568.0, 864.0, 0.37972]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1000.0, 420.0, 1159.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 488.0, 741.0, 583.0, 0.0], [679.0, 492.0, 727.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1005.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1011.0, 561.0, 1.0], [969.0, 405.0, 1128.0, 1044.0, 1.0], [1382.0, 437.0, 1585.0, 852.0, 1.0], [824.0, 430.0, 968.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [392.0, 465.0, 431.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [456.0, 458.0, 486.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [410.0, 462.0, 440.0, 544.0, 1.0], [701.0, 446.0, 775.0, 640.0, 1.0], [1383.0, 420.0, 1544.0, 786.0, 1.0], [1582.0, 413.0, 1709.0, 747.0, 1.0], [1316.0, 445.0, 1365.0, 549.0, 1.0], [1114.0, 447.0, 1162.0, 555.0, 1.0], [793.0, 451.0, 822.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [615.0, 459.0, 635.0, 518.0, 1.0], [640.0, 458.0, 664.0, 518.0, 1.0], [657.0, 462.0, 682.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 583.0, 523.0, 1.0], [554.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 459.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 276, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 193}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1604.9147545309918, 407.21501080516964, 1716.8737228614516, 745.0739252481824, 18.0], [824.5046055155208, 412.828109318907, 994.970424115478, 926.2305748706765, 15.0], [504.97512744445294, 448.98530744403473, 543.9739961596661, 567.9818555640925, 14.0], [701.7664344998111, 443.9473915489918, 767.4614535182238, 643.0372078950022, 12.0], [1407.2134170180848, 393.03548312543967, 1563.5259562381857, 863.9766464403792, 11.0], [882.0036318551329, 305.32141029371485, 1116.6786542013745, 1011.3685354894868, 8.0], [1347.4110996007694, 400.90288159273155, 1482.1931603238422, 807.2508498207908, 7.0], [825.9283350794415, 292.1559274081741, 1067.738208253745, 1019.5957655755041, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 1.3894], [505.0, 449.0, 544.0, 568.0, 1.0398], [825.55, 292.02, 1067.06, 1018.56, 1.0134], [702.79, 442.87, 766.77, 636.81, 0.95753], [1584.9, 408.29, 1697.0400000000002, 746.7, 0.38357], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.36654]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1002.0, 419.0, 1161.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1004.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1012.0, 561.0, 1.0], [972.0, 405.0, 1129.0, 1043.0, 1.0], [1394.0, 436.0, 1588.0, 852.0, 1.0], [825.0, 429.0, 970.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 462.0, 439.0, 544.0, 1.0], [703.0, 446.0, 780.0, 640.0, 1.0], [1385.0, 419.0, 1546.0, 787.0, 1.0], [1569.0, 416.0, 1706.0, 747.0, 1.0], [1319.0, 445.0, 1366.0, 549.0, 1.0], [1117.0, 447.0, 1165.0, 555.0, 1.0], [794.0, 451.0, 823.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [641.0, 458.0, 665.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 276, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 275}, {"time_since_observed": 24, "confidence": 0.582414662542428, "age": 193}, {"time_since_observed": 3, "confidence": 1, "age": 191}, {"time_since_observed": 0, "confidence": 1, "age": 120}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}, {"time_since_observed": 0, "confidence": 0.5, "age": 56}, {"time_since_observed": 0, "confidence": 0.5, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 1.3894], [505.0, 449.0, 544.0, 568.0, 1.0398], [825.55, 292.02, 1067.06, 1018.56, 1.0134], [702.79, 442.87, 766.77, 636.81, 0.95753], [1584.9, 408.29, 1697.0400000000002, 746.7, 0.38357], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.36654]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1002.0, 419.0, 1161.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [976.0, 449.0, 1004.0, 529.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 447.0, 1012.0, 561.0, 1.0], [972.0, 405.0, 1129.0, 1043.0, 1.0], [1394.0, 436.0, 1588.0, 852.0, 1.0], [825.0, 429.0, 970.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [409.0, 462.0, 439.0, 544.0, 1.0], [703.0, 446.0, 780.0, 640.0, 1.0], [1385.0, 419.0, 1546.0, 787.0, 1.0], [1569.0, 416.0, 1706.0, 747.0, 1.0], [1319.0, 445.0, 1366.0, 549.0, 1.0], [1117.0, 447.0, 1165.0, 555.0, 1.0], [794.0, 451.0, 823.0, 522.0, 1.0], [788.0, 447.0, 814.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [641.0, 458.0, 665.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [672.0, 530.0, 719.0, 608.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [584.0, 460.0, 605.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1031.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 277, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 194}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[1589.4006722661757, 407.74135959712316, 1701.2207140734577, 745.1839843526755, 18.0], [825.1634862011094, 412.9918198240758, 995.3541035485812, 925.5684206995647, 15.0], [504.97754921439355, 448.98684745324755, 543.9764371007961, 567.9834540767961, 14.0], [703.2016337596788, 443.0671644077575, 767.8722757403641, 639.0823081027615, 12.0], [1427.6816255020906, 410.2147049462296, 1578.8991242601226, 865.863773239294, 11.0], [881.7807460835381, 302.951988028506, 1116.4619578421755, 1009.0177347920313, 8.0], [1352.4015995099423, 400.53136307272666, 1487.1836602387496, 806.8793313180731, 7.0], [826.1903240094352, 292.57461767095447, 1067.7945756161855, 1019.3972885924293, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.097], [505.0, 449.0, 544.0, 568.0, 1.2142], [704.29, 449.65, 763.919, 630.54, 0.83988], [825.55, 292.02, 1067.06, 1018.56, 0.60481], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.56771]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1004.0, 419.0, 1163.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [975.0, 404.0, 1131.0, 1043.0, 1.0], [1407.0, 435.0, 1592.0, 852.0, 1.0], [825.0, 429.0, 972.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 462.0, 438.0, 544.0, 1.0], [706.0, 447.0, 786.0, 640.0, 1.0], [1387.0, 419.0, 1548.0, 788.0, 1.0], [1555.0, 418.0, 1703.0, 746.0, 1.0], [1322.0, 445.0, 1368.0, 549.0, 1.0], [1120.0, 447.0, 1168.0, 555.0, 1.0], [794.0, 451.0, 824.0, 522.0, 1.0], [789.0, 447.0, 815.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [642.0, 458.0, 666.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 277, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 276}, {"time_since_observed": 25, "confidence": 0.5557373955058034, "age": 194}, {"time_since_observed": 4, "confidence": 1, "age": 192}, {"time_since_observed": 0, "confidence": 1, "age": 121}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}, {"time_since_observed": 0, "confidence": 0.5, "age": 57}, {"time_since_observed": 0, "confidence": 0.5, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.097], [505.0, 449.0, 544.0, 568.0, 1.2142], [704.29, 449.65, 763.919, 630.54, 0.83988], [825.55, 292.02, 1067.06, 1018.56, 0.60481], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.56771]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1004.0, 419.0, 1163.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [975.0, 404.0, 1131.0, 1043.0, 1.0], [1407.0, 435.0, 1592.0, 852.0, 1.0], [825.0, 429.0, 972.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [391.0, 465.0, 430.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [455.0, 458.0, 485.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 462.0, 438.0, 544.0, 1.0], [706.0, 447.0, 786.0, 640.0, 1.0], [1387.0, 419.0, 1548.0, 788.0, 1.0], [1555.0, 418.0, 1703.0, 746.0, 1.0], [1322.0, 445.0, 1368.0, 549.0, 1.0], [1120.0, 447.0, 1168.0, 555.0, 1.0], [794.0, 451.0, 824.0, 522.0, 1.0], [789.0, 447.0, 815.0, 523.0, 1.0], [616.0, 459.0, 636.0, 518.0, 1.0], [642.0, 458.0, 666.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [560.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 574.0, 518.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1001.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 278, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 195}, {"time_since_observed": 5, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[825.3413130944232, 413.05527531941306, 995.432174114078, 925.3325682059096, 15.0], [504.97973890366023, 448.9882382167383, 543.9786455103215, 567.9849019636674, 14.0], [704.5668304068117, 446.91131120732695, 766.1763424272779, 633.7477956089087, 12.0], [1434.7558705946792, 416.21455779241825, 1584.1624924366272, 866.4271675837244, 11.0], [881.5594076956489, 300.5872212473191, 1116.2437140992708, 1006.6622786105538, 8.0], [1357.3920994205491, 400.1598445570436, 1492.174160152223, 806.5078128110337, 7.0], [826.2441239209724, 292.68927589844634, 1067.77006584523, 1019.276902828015, 2.0]], "ret_unmatched_trks_pos": [[1581.895877756975, 407.28812945389745, 1693.0094963301576, 742.5989600654839, 18.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.1811], [505.0, 449.0, 544.0, 568.0, 1.2031], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.80493], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.64938], [1333.1, 449.36, 1364.59, 545.83, 0.47339], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.30923]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1006.0, 418.0, 1165.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [978.0, 404.0, 1132.0, 1042.0, 1.0], [1419.0, 434.0, 1595.0, 852.0, 1.0], [826.0, 429.0, 975.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [454.0, 458.0, 484.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 462.0, 437.0, 544.0, 1.0], [708.0, 447.0, 793.0, 641.0, 1.0], [1389.0, 419.0, 1551.0, 789.0, 1.0], [1542.0, 420.0, 1699.0, 746.0, 1.0], [1325.0, 445.0, 1369.0, 549.0, 1.0], [1123.0, 447.0, 1171.0, 555.0, 1.0], [795.0, 451.0, 826.0, 522.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [617.0, 459.0, 637.0, 518.0, 1.0], [643.0, 458.0, 667.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 278, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 277}, {"time_since_observed": 26, "confidence": 0.5422482785688737, "age": 195}, {"time_since_observed": 5, "confidence": 1, "age": 193}, {"time_since_observed": 0, "confidence": 1, "age": 122}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}, {"time_since_observed": 0, "confidence": 0.5, "age": 58}, {"time_since_observed": 1, "confidence": 0.4918374639615649, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.1811], [505.0, 449.0, 544.0, 568.0, 1.2031], [1434.1, 419.0, 1582.3899999999999, 865.86, 0.80493], [697.44, 446.72, 766.0840000000001, 654.6500000000001, 0.64938], [1333.1, 449.36, 1364.59, 545.83, 0.47339], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.30923]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1006.0, 418.0, 1165.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1004.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [978.0, 404.0, 1132.0, 1042.0, 1.0], [1419.0, 434.0, 1595.0, 852.0, 1.0], [826.0, 429.0, 975.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [454.0, 458.0, 484.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 462.0, 437.0, 544.0, 1.0], [708.0, 447.0, 793.0, 641.0, 1.0], [1389.0, 419.0, 1551.0, 789.0, 1.0], [1542.0, 420.0, 1699.0, 746.0, 1.0], [1325.0, 445.0, 1369.0, 549.0, 1.0], [1123.0, 447.0, 1171.0, 555.0, 1.0], [795.0, 451.0, 826.0, 522.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [617.0, 459.0, 637.0, 518.0, 1.0], [643.0, 458.0, 667.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 584.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 515.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 537.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 279, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 11}], "unmatched": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched_before_before": []}, "ret_ret": [[825.3416435196049, 413.07994730281195, 995.3996758610755, 925.2588010889929, 15.0], [504.9817186744674, 448.989494075694, 543.9806435180985, 567.9862134697515, 14.0], [700.6607277049887, 446.8185266298973, 766.7591976593447, 647.1257649498797, 12.0], [1437.1759942187555, 418.4427386559468, 1585.8944977804558, 866.5893515735688, 11.0], [945.7934940510263, 357.4275825593838, 1172.231731808225, 1038.7537414794958, 8.0], [1362.3825993318724, 399.7883260435214, 1497.1646600649801, 806.1362943018332, 7.0], [827.4878745550491, 293.9526761467925, 1068.9614464868152, 1020.3827573143469, 2.0]], "ret_unmatched_trks_pos": [[1574.3933432635256, 406.8417194265895, 1684.7960185711065, 740.0071156623745, 18.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.4357], [505.0, 449.0, 544.0, 568.0, 1.1756], [711.37, 446.72, 780.014, 654.6500000000001, 1.0423], [1339.6, 449.36, 1371.09, 545.83, 0.73903], [1464.0, 419.0, 1612.29, 865.86, 0.73765], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.38341]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 417.0, 1167.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [981.0, 404.0, 1134.0, 1042.0, 1.0], [1432.0, 433.0, 1599.0, 852.0, 1.0], [827.0, 429.0, 977.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [453.0, 458.0, 483.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 544.0, 1.0], [710.0, 447.0, 800.0, 642.0, 1.0], [1401.0, 418.0, 1555.0, 789.0, 1.0], [1529.0, 422.0, 1696.0, 745.0, 1.0], [1328.0, 445.0, 1371.0, 549.0, 1.0], [1127.0, 447.0, 1175.0, 555.0, 1.0], [797.0, 451.0, 827.0, 521.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [618.0, 459.0, 638.0, 518.0, 1.0], [644.0, 458.0, 668.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 536.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 279, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 278}, {"time_since_observed": 27, "confidence": 0.527906007736415, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 194}, {"time_since_observed": 0, "confidence": 1, "age": 123}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}, {"time_since_observed": 0, "confidence": 0.5, "age": 59}, {"time_since_observed": 2, "confidence": 0.2686187272813137, "age": 11}], "unmatched": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.4357], [505.0, 449.0, 544.0, 568.0, 1.1756], [711.37, 446.72, 780.014, 654.6500000000001, 1.0423], [1339.6, 449.36, 1371.09, 545.83, 0.73903], [1464.0, 419.0, 1612.29, 865.86, 0.73765], [951.35, 363.04, 1176.6200000000001, 1040.8600000000001, 0.38341]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 417.0, 1167.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 583.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 450.0, 1155.0, 549.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [981.0, 404.0, 1134.0, 1042.0, 1.0], [1432.0, 433.0, 1599.0, 852.0, 1.0], [827.0, 429.0, 977.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 465.0, 429.0, 577.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [453.0, 458.0, 483.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 544.0, 1.0], [710.0, 447.0, 800.0, 642.0, 1.0], [1401.0, 418.0, 1555.0, 789.0, 1.0], [1529.0, 422.0, 1696.0, 745.0, 1.0], [1328.0, 445.0, 1371.0, 549.0, 1.0], [1127.0, 447.0, 1175.0, 555.0, 1.0], [797.0, 451.0, 827.0, 521.0, 1.0], [790.0, 447.0, 816.0, 523.0, 1.0], [618.0, 459.0, 638.0, 518.0, 1.0], [644.0, 458.0, 668.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [502.0, 464.0, 525.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [578.0, 454.0, 600.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1002.0, 452.0, 1032.0, 536.0, 1.0], [595.0, 437.0, 615.0, 480.0, 1.0], [606.0, 435.0, 624.0, 477.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 280, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 12}], "unmatched": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched_before_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]]}, "ret_ret": [[825.2802366295679, 413.0893375652629, 995.3308446438456, 925.2459965584462, 15.0], [504.9835085921577, 448.9906279792937, 543.9824511901636, 567.9874015473342, 14.0], [708.2468313734046, 446.8899374328128, 775.9822272014517, 652.102083400804, 12.0], [1457.3624241506748, 419.24748682684987, 1605.8177489173265, 866.6039077519629, 11.0], [950.9138197480762, 361.59489776678754, 1176.5577982614552, 1040.5370534375356, 8.0], [1367.3730992435542, 399.41680753107966, 1502.1551599773786, 805.7647757915524, 7.0], [828.7185348208271, 295.1766963618311, 1070.165917496699, 1021.5279918339866, 2.0]], "ret_unmatched_trks_pos": [[1566.8931127310673, 406.4022621300413, 1676.5802368510642, 737.4083185285054, 18.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.457], [505.0, 449.0, 544.0, 568.0, 0.91818], [1441.5, 343.97, 1611.98, 857.4200000000001, 0.75704], [715.78, 455.86, 779.76, 649.8, 0.59153]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 417.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 449.0, 1155.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [984.0, 404.0, 1136.0, 1042.0, 1.0], [1445.0, 432.0, 1602.0, 852.0, 1.0], [828.0, 429.0, 980.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 466.0, 429.0, 578.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [452.0, 458.0, 482.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [713.0, 448.0, 808.0, 643.0, 1.0], [1413.0, 418.0, 1560.0, 790.0, 1.0], [1516.0, 425.0, 1693.0, 745.0, 1.0], [1331.0, 445.0, 1373.0, 550.0, 1.0], [1130.0, 447.0, 1178.0, 555.0, 1.0], [800.0, 451.0, 828.0, 521.0, 1.0], [791.0, 447.0, 817.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 458.0, 669.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 452.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 280, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 279}, {"time_since_observed": 28, "confidence": 0.5211166021116735, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 195}, {"time_since_observed": 0, "confidence": 1, "age": 124}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}, {"time_since_observed": 0, "confidence": 0.5, "age": 60}, {"time_since_observed": 3, "confidence": 0.1964029972588426, "age": 12}], "unmatched": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]], "unmatched_before_before": [[1333.1, 449.36, 1364.59, 545.83, 0.47339]]}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.457], [505.0, 449.0, 544.0, 568.0, 0.91818], [1441.5, 343.97, 1611.98, 857.4200000000001, 0.75704], [715.78, 455.86, 779.76, 649.8, 0.59153]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 417.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1117.0, 449.0, 1155.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 437.0, 1136.0, 546.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [984.0, 404.0, 1136.0, 1042.0, 1.0], [1445.0, 432.0, 1602.0, 852.0, 1.0], [828.0, 429.0, 980.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [390.0, 466.0, 429.0, 578.0, 1.0], [511.0, 455.0, 543.0, 563.0, 1.0], [452.0, 458.0, 482.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [713.0, 448.0, 808.0, 643.0, 1.0], [1413.0, 418.0, 1560.0, 790.0, 1.0], [1516.0, 425.0, 1693.0, 745.0, 1.0], [1331.0, 445.0, 1373.0, 550.0, 1.0], [1130.0, 447.0, 1178.0, 555.0, 1.0], [800.0, 451.0, 828.0, 521.0, 1.0], [791.0, 447.0, 817.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 458.0, 669.0, 518.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [583.0, 460.0, 604.0, 522.0, 1.0], [559.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 452.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 281, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]]}, "ret_ret": [[825.200878579568, 413.09243641470687, 995.2536043402459, 925.2555369115177, 15.0], [504.9851268121027, 448.99165163009525, 543.9840866944746, 567.9884779377562, 14.0], [713.8650422482802, 452.63873334815685, 779.3324574091074, 651.0463223300817, 12.0], [1450.228590924083, 371.00023417822365, 1612.7451216562947, 860.5663052320739, 11.0], [955.1860885389729, 362.94612157810013, 1180.7395096292785, 1041.6157982204313, 8.0], [829.9426483052899, 296.38102175542696, 1071.376935287898, 1022.6929211750689, 2.0]], "ret_unmatched_trks_pos": [[1372.3635991554152, 399.0452890191782, 1507.145659889598, 805.3932572807314, 7.0], [1559.3952315477427, 405.96989453338347, 1668.3621057818882, 734.802431694746, 18.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.3069], [505.0, 449.0, 544.0, 568.0, 0.84836], [711.37, 446.72, 780.014, 654.6500000000001, 0.77612], [1464.0, 419.0, 1612.29, 865.86, 0.75144]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 416.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [985.0, 404.0, 1137.0, 1042.0, 1.0], [1458.0, 431.0, 1605.0, 853.0, 1.0], [830.0, 429.0, 985.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [389.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 458.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [714.0, 447.0, 807.0, 643.0, 1.0], [1425.0, 417.0, 1565.0, 791.0, 1.0], [1509.0, 423.0, 1672.0, 741.0, 1.0], [1335.0, 444.0, 1376.0, 550.0, 1.0], [1133.0, 447.0, 1181.0, 555.0, 1.0], [803.0, 451.0, 830.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 457.0, 669.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 281, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 280}, {"time_since_observed": 29, "confidence": 0.5066828791857502, "age": 198}, {"time_since_observed": 1, "confidence": 1, "age": 196}, {"time_since_observed": 0, "confidence": 1, "age": 125}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}, {"time_since_observed": 0, "confidence": 0.5, "age": 61}, {"time_since_observed": 4, "confidence": 0.157794364994079, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1339.6, 449.36, 1371.09, 545.83, 0.73903]]}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.3069], [505.0, 449.0, 544.0, 568.0, 0.84836], [711.37, 446.72, 780.014, 654.6500000000001, 0.77612], [1464.0, 419.0, 1612.29, 865.86, 0.75144]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 416.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [975.0, 449.0, 1003.0, 528.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [976.0, 448.0, 1012.0, 561.0, 1.0], [985.0, 404.0, 1137.0, 1042.0, 1.0], [1458.0, 431.0, 1605.0, 853.0, 1.0], [830.0, 429.0, 985.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [389.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 458.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [714.0, 447.0, 807.0, 643.0, 1.0], [1425.0, 417.0, 1565.0, 791.0, 1.0], [1509.0, 423.0, 1672.0, 741.0, 1.0], [1335.0, 444.0, 1376.0, 550.0, 1.0], [1133.0, 447.0, 1181.0, 555.0, 1.0], [803.0, 451.0, 830.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [619.0, 460.0, 639.0, 519.0, 1.0], [646.0, 457.0, 669.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [555.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1004.0, 453.0, 1022.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 282, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[825.1198142280091, 413.0927120317345, 995.1781479971144, 925.27272685039, 15.0], [504.9865897570816, 448.99257560791455, 543.9855664702592, 567.9894532711658, 14.0], [713.1172670904261, 449.0631771011833, 780.6167339795379, 653.5655567301542, 12.0], [1461.6793325448828, 400.90948181397823, 1615.5582405059502, 864.5517239821064, 11.0], [959.4357247925748, 364.22924614847403, 1184.9438535343963, 1042.7626422442656, 8.0], [1377.3540990672761, 398.6737705072767, 1512.1361598018173, 805.0217387699104, 7.0], [831.1634879996267, 297.57549853657235, 1072.5912268692234, 1023.8676991286017, 2.0]], "ret_unmatched_trks_pos": [[1551.899746611808, 405.5447581628607, 1660.1415784653223, 732.1893136348515, 18.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.3326], [505.0, 449.0, 544.0, 568.0, 0.69273], [711.37, 446.72, 780.014, 654.6500000000001, 0.53904], [1464.0, 419.0, 1612.29, 865.86, 0.47119]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1012.0, 561.0, 1.0], [987.0, 404.0, 1139.0, 1042.0, 1.0], [1471.0, 431.0, 1609.0, 854.0, 1.0], [833.0, 429.0, 991.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [388.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 459.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [716.0, 446.0, 807.0, 643.0, 1.0], [1437.0, 417.0, 1570.0, 792.0, 1.0], [1502.0, 422.0, 1652.0, 738.0, 1.0], [1339.0, 443.0, 1379.0, 550.0, 1.0], [1137.0, 447.0, 1185.0, 555.0, 1.0], [805.0, 451.0, 831.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 282, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 281}, {"time_since_observed": 30, "confidence": 0.48258229382125445, "age": 199}, {"time_since_observed": 2, "confidence": 1, "age": 197}, {"time_since_observed": 0, "confidence": 1, "age": 126}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}, {"time_since_observed": 0, "confidence": 0.5, "age": 62}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.3326], [505.0, 449.0, 544.0, 568.0, 0.69273], [711.37, 446.72, 780.014, 654.6500000000001, 0.53904], [1464.0, 419.0, 1612.29, 865.86, 0.47119]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 867.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1118.0, 449.0, 1156.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1012.0, 561.0, 1.0], [987.0, 404.0, 1139.0, 1042.0, 1.0], [1471.0, 431.0, 1609.0, 854.0, 1.0], [833.0, 429.0, 991.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [388.0, 465.0, 428.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [451.0, 459.0, 481.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [716.0, 446.0, 807.0, 643.0, 1.0], [1437.0, 417.0, 1570.0, 792.0, 1.0], [1502.0, 422.0, 1652.0, 738.0, 1.0], [1339.0, 443.0, 1379.0, 550.0, 1.0], [1137.0, 447.0, 1185.0, 555.0, 1.0], [805.0, 451.0, 831.0, 521.0, 1.0], [792.0, 447.0, 818.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 719.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 585.0, 522.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1003.0, 453.0, 1033.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 283, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 200}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[825.0427806109801, 413.0915318868112, 995.1079085356503, 925.2920185118628, 15.0], [504.98791228091403, 448.99340947897036, 543.9869053886258, 567.9903371665906, 14.0], [712.7612376396634, 447.70411401555225, 781.0205069756906, 654.4838993381334, 12.0], [1465.8403640145348, 412.5100677077858, 1616.2901003819043, 865.8560438421468, 11.0], [963.6740396648725, 365.4783057148601, 1189.1595188208184, 1043.943551272088, 8.0], [1382.3445989792267, 398.3022519956453, 1517.126659713947, 804.6502202588192, 7.0], [832.3826906990112, 298.7650507109935, 1073.8071554455007, 1025.0474016888588, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.2536], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [505.0, 449.0, 544.0, 568.0, 0.71308], [922.56, 389.02, 1164.07, 1115.56, 0.55876], [1473.0, 417.0, 1632.0, 896.0, 0.54064], [711.37, 446.72, 780.014, 654.6500000000001, 0.47266], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [989.0, 404.0, 1141.0, 1042.0, 1.0], [1475.0, 431.0, 1628.0, 854.0, 1.0], [836.0, 429.0, 997.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [450.0, 458.0, 480.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [717.0, 446.0, 806.0, 643.0, 1.0], [1447.0, 416.0, 1577.0, 793.0, 1.0], [1495.0, 420.0, 1631.0, 734.0, 1.0], [1343.0, 442.0, 1382.0, 550.0, 1.0], [1140.0, 447.0, 1188.0, 555.0, 1.0], [808.0, 451.0, 833.0, 521.0, 1.0], [793.0, 447.0, 819.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 283, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 282}, {"time_since_observed": 31, "confidence": 0.44216080215330295, "age": 200}, {"time_since_observed": 3, "confidence": 1, "age": 198}, {"time_since_observed": 0, "confidence": 1, "age": 127}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}, {"time_since_observed": 0, "confidence": 0.5, "age": 63}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.2536], [1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [505.0, 449.0, 544.0, 568.0, 0.71308], [922.56, 389.02, 1164.07, 1115.56, 0.55876], [1473.0, 417.0, 1632.0, 896.0, 0.54064], [711.37, 446.72, 780.014, 654.6500000000001, 0.47266], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 415.0, 1170.0, 868.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [989.0, 404.0, 1141.0, 1042.0, 1.0], [1475.0, 431.0, 1628.0, 854.0, 1.0], [836.0, 429.0, 997.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [450.0, 458.0, 480.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [717.0, 446.0, 806.0, 643.0, 1.0], [1447.0, 416.0, 1577.0, 793.0, 1.0], [1495.0, 420.0, 1631.0, 734.0, 1.0], [1343.0, 442.0, 1382.0, 550.0, 1.0], [1140.0, 447.0, 1188.0, 555.0, 1.0], [808.0, 451.0, 833.0, 521.0, 1.0], [793.0, 447.0, 819.0, 523.0, 1.0], [620.0, 460.0, 640.0, 519.0, 1.0], [647.0, 457.0, 670.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [671.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [558.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 284, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 283}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched_before_before": []}, "ret_ret": [[824.9715329719859, 413.0894617976069, 995.0437680923667, 925.3113573329149, 15.0], [504.9891078176836, 448.99416189349506, 543.9881169006767, 567.9911383262128, 14.0], [712.5552277674108, 447.17303565512384, 781.1018367421491, 654.8138485305012, 12.0], [1473.1979294433625, 416.0463176372662, 1629.034334401608, 885.557005364758, 11.0], [928.5161609560057, 387.2459030184294, 1167.3740998561277, 1105.832417508298, 8.0], [1387.335098891222, 397.93073348414896, 1522.117159626032, 804.278701747593, 7.0], [833.6010748759444, 299.95214050691953, 1075.0239025442295, 1026.229566627611, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.1094], [1493.9, 419.0, 1642.19, 865.86, 1.3308], [505.0, 449.0, 544.0, 568.0, 1.1006], [922.56, 389.02, 1164.07, 1115.56, 0.57615], [725.3, 446.72, 793.944, 654.6500000000001, 0.41087]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 416.0, 1170.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [990.0, 404.0, 1142.0, 1042.0, 1.0], [1480.0, 431.0, 1647.0, 855.0, 1.0], [838.0, 429.0, 1002.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [719.0, 445.0, 806.0, 643.0, 1.0], [1457.0, 416.0, 1585.0, 794.0, 1.0], [1488.0, 419.0, 1611.0, 731.0, 1.0], [1347.0, 442.0, 1385.0, 550.0, 1.0], [1143.0, 447.0, 1191.0, 555.0, 1.0], [811.0, 451.0, 834.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [648.0, 457.0, 671.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 284, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 283}, {"time_since_observed": 32, "confidence": 0.4326970352343479, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 199}, {"time_since_observed": 0, "confidence": 1, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}, {"time_since_observed": 0, "confidence": 0.5, "age": 64}], "unmatched": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.1094], [1493.9, 419.0, 1642.19, 865.86, 1.3308], [505.0, 449.0, 544.0, 568.0, 1.1006], [922.56, 389.02, 1164.07, 1115.56, 0.57615], [725.3, 446.72, 793.944, 654.6500000000001, 0.41087]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 416.0, 1170.0, 869.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 779.0, 592.0, 0.0], [1119.0, 449.0, 1157.0, 548.0, 1.0], [974.0, 449.0, 1002.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [990.0, 404.0, 1142.0, 1042.0, 1.0], [1480.0, 431.0, 1647.0, 855.0, 1.0], [838.0, 429.0, 1002.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [387.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [719.0, 445.0, 806.0, 643.0, 1.0], [1457.0, 416.0, 1585.0, 794.0, 1.0], [1488.0, 419.0, 1611.0, 731.0, 1.0], [1347.0, 442.0, 1385.0, 550.0, 1.0], [1143.0, 447.0, 1191.0, 555.0, 1.0], [811.0, 451.0, 834.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [648.0, 457.0, 671.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 575.0, 517.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1004.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 285, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 284}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]]}, "ret_ret": [[824.9063423420544, 413.08675893671295, 994.9856706997114, 925.3300191622887, 15.0], [504.9901885171695, 448.9948406735944, 543.9892131725541, 567.9918646220735, 14.0], [721.5082063570213, 446.95704257476825, 790.1635745606833, 654.9237048683239, 12.0], [1489.2280664616121, 418.1577706132631, 1640.4448714633015, 873.8041756535314, 11.0], [924.9998670490727, 389.92836123207456, 1165.626982113251, 1113.8211974282922, 8.0], [1392.3255988032397, 397.55921497272016, 1527.1076595380946, 803.9071832362993, 7.0], [834.8190497854079, 301.1379990948137, 1076.2410589104277, 1027.4129627743948, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.2059], [1493.9, 419.0, 1642.19, 865.86, 1.4223], [725.3, 446.72, 793.944, 654.6500000000001, 0.99224], [505.0, 449.0, 544.0, 568.0, 0.7862], [922.56, 389.02, 1164.07, 1115.56, 0.64148], [1352.1, 446.72, 1385.922, 550.19, 0.49166]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 417.0, 1170.0, 871.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [974.0, 449.0, 1001.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [992.0, 404.0, 1144.0, 1042.0, 1.0], [1485.0, 431.0, 1666.0, 855.0, 1.0], [841.0, 429.0, 1008.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [386.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [721.0, 445.0, 806.0, 643.0, 1.0], [1467.0, 416.0, 1592.0, 795.0, 1.0], [1479.0, 418.0, 1604.0, 729.0, 1.0], [1348.0, 442.0, 1388.0, 549.0, 1.0], [1147.0, 447.0, 1195.0, 555.0, 1.0], [814.0, 451.0, 836.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 285, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 284}, {"time_since_observed": 33, "confidence": 0.4042391019104109, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 200}, {"time_since_observed": 0, "confidence": 1, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}, {"time_since_observed": 0, "confidence": 0.5, "age": 65}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1149.9, 429.71, 1191.7710000000002, 557.3199999999999, 0.82265], [1345.1, 446.72, 1378.922, 550.19, 0.4658]]}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.2059], [1493.9, 419.0, 1642.19, 865.86, 1.4223], [725.3, 446.72, 793.944, 654.6500000000001, 0.99224], [505.0, 449.0, 544.0, 568.0, 0.7862], [922.56, 389.02, 1164.07, 1115.56, 0.64148], [1352.1, 446.72, 1385.922, 550.19, 0.49166]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 417.0, 1170.0, 871.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [974.0, 449.0, 1001.0, 527.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [992.0, 404.0, 1144.0, 1042.0, 1.0], [1485.0, 431.0, 1666.0, 855.0, 1.0], [841.0, 429.0, 1008.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [386.0, 465.0, 427.0, 577.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [449.0, 458.0, 479.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [721.0, 445.0, 806.0, 643.0, 1.0], [1467.0, 416.0, 1592.0, 795.0, 1.0], [1479.0, 418.0, 1604.0, 729.0, 1.0], [1348.0, 442.0, 1388.0, 549.0, 1.0], [1147.0, 447.0, 1195.0, 555.0, 1.0], [814.0, 451.0, 836.0, 521.0, 1.0], [794.0, 447.0, 820.0, 523.0, 1.0], [621.0, 460.0, 641.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [582.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 586.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1034.0, 536.0, 1.0], [595.0, 438.0, 615.0, 481.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 286, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 285}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "unmatched": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched_before_before": []}, "ret_ret": [[824.8469490358775, 413.08355912687455, 994.9332378442548, 925.3477832847024, 15.0], [504.99116536751364, 448.99545289254803, 543.9902052079957, 567.9925231750437, 14.0], [724.8366042976913, 446.8624325300873, 793.5328017677489, 654.951395295071, 12.0], [1495.0789443379404, 418.980365523705, 1644.4937811689329, 869.2174075022639, 11.0], [923.8186385230906, 390.8516815643401, 1165.0498276113822, 1116.5562775225085, 8.0], [836.0368200595755, 302.3232420739958, 1077.458419911922, 1028.596974529891, 2.0]], "ret_unmatched_trks_pos": [[1397.3160987152687, 397.1876964613251, 1532.0981594501459, 803.5356647249718, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.4467], [505.0, 449.0, 544.0, 568.0, 1.1686], [1493.9, 419.0, 1642.19, 865.86, 0.94672], [725.3, 446.72, 793.944, 654.6500000000001, 0.92533], [922.56, 389.02, 1164.07, 1115.56, 0.48004]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 418.0, 1170.0, 872.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [994.0, 404.0, 1146.0, 1042.0, 1.0], [1490.0, 431.0, 1685.0, 856.0, 1.0], [844.0, 429.0, 1014.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [725.0, 444.0, 806.0, 642.0, 1.0], [1478.0, 416.0, 1600.0, 797.0, 1.0], [1471.0, 418.0, 1598.0, 727.0, 1.0], [1349.0, 442.0, 1392.0, 549.0, 1.0], [1148.0, 447.0, 1196.0, 555.0, 1.0], [815.0, 451.0, 837.0, 521.0, 1.0], [795.0, 447.0, 821.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 286, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 285}, {"time_since_observed": 34, "confidence": 0.3954362719668948, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 201}, {"time_since_observed": 0, "confidence": 1, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}, {"time_since_observed": 0, "confidence": 0.5, "age": 66}], "unmatched": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.4467], [505.0, 449.0, 544.0, 568.0, 1.1686], [1493.9, 419.0, 1642.19, 865.86, 0.94672], [725.3, 446.72, 793.944, 654.6500000000001, 0.92533], [922.56, 389.02, 1164.07, 1115.56, 0.48004]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 418.0, 1170.0, 872.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1086.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [994.0, 404.0, 1146.0, 1042.0, 1.0], [1490.0, 431.0, 1685.0, 856.0, 1.0], [844.0, 429.0, 1014.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [725.0, 444.0, 806.0, 642.0, 1.0], [1478.0, 416.0, 1600.0, 797.0, 1.0], [1471.0, 418.0, 1598.0, 727.0, 1.0], [1349.0, 442.0, 1392.0, 549.0, 1.0], [1148.0, 447.0, 1196.0, 555.0, 1.0], [815.0, 451.0, 837.0, 521.0, 1.0], [795.0, 447.0, 821.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [649.0, 457.0, 672.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 590.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 603.0, 521.0, 1.0], [557.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 287, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 286}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]]}, "ret_ret": [[824.7929245497477, 413.0799482314832, 994.8860013313634, 925.3646165374658, 15.0], [504.9920483062303, 448.99600494646666, 543.9911029593362, 567.9931204264561, 14.0], [726.0170189118996, 446.8153921928883, 794.7281509642951, 654.9490674877179, 12.0], [1497.0408430632278, 419.2707115226, 1645.7616529054044, 867.424145770717, 11.0], [923.343697670179, 391.073892227229, 1164.801736830363, 1117.4588557560112, 8.0], [837.2544880157049, 303.5081772476478, 1078.6758832314547, 1029.781294090917, 2.0]], "ret_unmatched_trks_pos": [[1402.3065986272977, 396.8161779499301, 1537.0886593621972, 803.1641462136442, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.3098], [505.0, 449.0, 544.0, 568.0, 1.0115], [739.23, 446.72, 807.874, 654.6500000000001, 0.91967], [929.93, 423.24, 1140.05, 1055.6, 0.59568], [1505.3, 446.72, 1643.59, 863.58, 0.47353], [825.55, 292.02, 1067.06, 1018.56, 0.33948], [1352.0, 441.39, 1388.321, 552.35, 0.3385]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 419.0, 1170.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [995.0, 404.0, 1147.0, 1042.0, 1.0], [1492.0, 431.0, 1702.0, 859.0, 1.0], [847.0, 430.0, 1020.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [729.0, 443.0, 806.0, 642.0, 1.0], [1479.0, 415.0, 1617.0, 798.0, 1.0], [1463.0, 418.0, 1591.0, 725.0, 1.0], [1350.0, 442.0, 1395.0, 549.0, 1.0], [1149.0, 447.0, 1197.0, 555.0, 1.0], [817.0, 451.0, 839.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 287, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 286}, {"time_since_observed": 35, "confidence": 0.3865193808234203, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 202}, {"time_since_observed": 0, "confidence": 1, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}, {"time_since_observed": 0, "confidence": 0.5, "age": 67}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1352.1, 446.72, 1385.922, 550.19, 0.49166]]}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.3098], [505.0, 449.0, 544.0, 568.0, 1.0115], [739.23, 446.72, 807.874, 654.6500000000001, 0.91967], [929.93, 423.24, 1140.05, 1055.6, 0.59568], [1505.3, 446.72, 1643.59, 863.58, 0.47353], [825.55, 292.02, 1067.06, 1018.56, 0.33948], [1352.0, 441.39, 1388.321, 552.35, 0.3385]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 419.0, 1170.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1001.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [995.0, 404.0, 1147.0, 1042.0, 1.0], [1492.0, 431.0, 1702.0, 859.0, 1.0], [847.0, 430.0, 1020.0, 920.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [385.0, 465.0, 426.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [448.0, 458.0, 478.0, 562.0, 1.0], [408.0, 470.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [729.0, 443.0, 806.0, 642.0, 1.0], [1479.0, 415.0, 1617.0, 798.0, 1.0], [1463.0, 418.0, 1591.0, 725.0, 1.0], [1350.0, 442.0, 1395.0, 549.0, 1.0], [1149.0, 447.0, 1197.0, 555.0, 1.0], [817.0, 451.0, 839.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [622.0, 460.0, 642.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [556.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1005.0, 453.0, 1035.0, 536.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 288, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "unmatched": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched_before_before": []}, "ret_ret": [[824.743806999063, 413.07598959018435, 994.8434894708971, 925.380552924592, 15.0], [504.9928463206296, 448.99650261907493, 543.9919154279575, 567.9936622029727, 14.0], [735.4784397359713, 446.7876408545716, 804.1946341689504, 654.9364496984182, 12.0], [1504.7831173830716, 436.8624701784298, 1647.1028580817745, 865.8151711045958, 11.0], [927.1958432060158, 411.12218128130866, 1149.7353423840216, 1080.7576997084866, 8.0], [826.0322085591105, 292.49660335714873, 1067.5352769647955, 1019.0157223527402, 2.0]], "ret_unmatched_trks_pos": [[1407.2970985393267, 396.44465943853504, 1542.0791592742485, 802.7926277023167, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[824.12, 412.56, 994.6, 926.01, 2.3395], [739.23, 446.72, 807.874, 654.6500000000001, 1.138], [505.0, 449.0, 544.0, 568.0, 0.94038], [1473.0, 385.0, 1632.0, 864.0, 0.89415], [906.1, 408.29, 1131.3700000000001, 1086.1100000000001, 0.52118], [1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [997.0, 404.0, 1149.0, 1042.0, 1.0], [1495.0, 431.0, 1719.0, 862.0, 1.0], [849.0, 430.0, 1020.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [384.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 562.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [733.0, 442.0, 806.0, 642.0, 1.0], [1481.0, 414.0, 1635.0, 799.0, 1.0], [1455.0, 418.0, 1585.0, 723.0, 1.0], [1351.0, 442.0, 1399.0, 549.0, 1.0], [1150.0, 447.0, 1198.0, 555.0, 1.0], [819.0, 451.0, 841.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 453.0, 1035.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 288, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 287}, {"time_since_observed": 36, "confidence": 0.3778050477350564, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 203}, {"time_since_observed": 0, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}, {"time_since_observed": 0, "confidence": 0.5, "age": 68}], "unmatched": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]], "unmatched_before_before": []}, "ret_dets": [[824.12, 412.56, 994.6, 926.01, 2.3395], [739.23, 446.72, 807.874, 654.6500000000001, 1.138], [505.0, 449.0, 544.0, 568.0, 0.94038], [1473.0, 385.0, 1632.0, 864.0, 0.89415], [906.1, 408.29, 1131.3700000000001, 1086.1100000000001, 0.52118], [1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 874.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [977.0, 448.0, 1013.0, 561.0, 1.0], [997.0, 404.0, 1149.0, 1042.0, 1.0], [1495.0, 431.0, 1719.0, 862.0, 1.0], [849.0, 430.0, 1020.0, 921.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [384.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 562.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [733.0, 442.0, 806.0, 642.0, 1.0], [1481.0, 414.0, 1635.0, 799.0, 1.0], [1455.0, 418.0, 1585.0, 723.0, 1.0], [1351.0, 442.0, 1399.0, 549.0, 1.0], [1150.0, 447.0, 1198.0, 555.0, 1.0], [819.0, 451.0, 841.0, 521.0, 1.0], [796.0, 447.0, 822.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [650.0, 457.0, 673.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 587.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 453.0, 1035.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 289, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 288}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "unmatched": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched_before_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]]}, "ret_ret": [[824.6991500505932, 413.0717347659427, 994.8052572244948, 925.3956479840153, 15.0], [504.993567538652, 448.99695114029083, 543.9926507551621, 567.9941537752832, 14.0], [738.9808875157916, 446.76826865932185, 807.6983869554125, 654.9209537464005, 12.0], [1486.6559410529262, 403.98479696288894, 1639.545255412549, 864.6592696798763, 11.0], [913.5861546678303, 410.4062013888582, 1137.8092958382888, 1085.0883617929967, 8.0], [826.4690951536944, 292.92037428942444, 1067.9728430720381, 1019.4415374782486, 2.0]], "ret_unmatched_trks_pos": [[1412.2875984513555, 396.07314092714, 1547.0696591863, 802.4211091909892, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[846.44, 405.34, 1029.23, 955.72, 2.2321], [739.23, 446.72, 807.874, 654.6500000000001, 1.0541], [505.0, 449.0, 544.0, 568.0, 0.80167], [579.94, 451.29, 601.9140000000001, 519.212, 0.42723], [922.56, 389.02, 1164.07, 1115.56, 0.34461], [1493.9, 419.0, 1642.19, 865.86, 0.33906]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 449.0, 1014.0, 562.0, 1.0], [999.0, 404.0, 1151.0, 1042.0, 1.0], [1498.0, 431.0, 1736.0, 865.0, 1.0], [852.0, 430.0, 1021.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [738.0, 442.0, 807.0, 642.0, 1.0], [1483.0, 413.0, 1652.0, 800.0, 1.0], [1437.0, 418.0, 1579.0, 720.0, 1.0], [1352.0, 442.0, 1402.0, 549.0, 1.0], [1152.0, 447.0, 1200.0, 555.0, 1.0], [821.0, 451.0, 843.0, 521.0, 1.0], [797.0, 447.0, 823.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [651.0, 457.0, 674.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 289, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 288}, {"time_since_observed": 37, "confidence": 0.3911640817660254, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 204}, {"time_since_observed": 0, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}, {"time_since_observed": 0, "confidence": 0.5, "age": 69}], "unmatched": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]], "unmatched_before_before": [[1352.0, 441.39, 1388.321, 552.35, 0.3385]]}, "ret_dets": [[846.44, 405.34, 1029.23, 955.72, 2.2321], [739.23, 446.72, 807.874, 654.6500000000001, 1.0541], [505.0, 449.0, 544.0, 568.0, 0.80167], [579.94, 451.29, 601.9140000000001, 519.212, 0.42723], [922.56, 389.02, 1164.07, 1115.56, 0.34461], [1493.9, 419.0, 1642.19, 865.86, 0.33906]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1090.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 584.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 449.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 449.0, 1014.0, 562.0, 1.0], [999.0, 404.0, 1151.0, 1042.0, 1.0], [1498.0, 431.0, 1736.0, 865.0, 1.0], [852.0, 430.0, 1021.0, 922.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [447.0, 458.0, 477.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 462.0, 436.0, 545.0, 1.0], [738.0, 442.0, 807.0, 642.0, 1.0], [1483.0, 413.0, 1652.0, 800.0, 1.0], [1437.0, 418.0, 1579.0, 720.0, 1.0], [1352.0, 442.0, 1402.0, 549.0, 1.0], [1152.0, 447.0, 1200.0, 555.0, 1.0], [821.0, 451.0, 843.0, 521.0, 1.0], [797.0, 447.0, 823.0, 523.0, 1.0], [623.0, 460.0, 643.0, 519.0, 1.0], [651.0, 457.0, 674.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [503.0, 464.0, 526.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 521.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [579.0, 454.0, 601.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1006.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 290, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 289}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "unmatched": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched_before_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]]}, "ret_ret": [[839.3514371031326, 408.7058910969864, 1017.264934745014, 944.4567108520838, 15.0], [504.99421931102233, 448.99735523920026, 543.9933163043686, 567.9945999112055, 14.0], [740.2091193826919, 446.75300915703406, 808.9265010307357, 654.9053081198001, 12.0], [1493.13855675976, 413.45286025216126, 1643.20200424323, 865.6400581319223, 11.0], [919.3554886015626, 397.99065434540665, 1154.4674302314143, 1105.3419415392345, 8.0], [1417.2780983633845, 395.70162241574496, 1552.0601590983513, 802.0495906796617, 7.0], [826.9061516268014, 293.34465627108676, 1068.4102393007574, 1019.8668415543705, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[846.44, 405.34, 1029.23, 955.72, 2.3576], [739.23, 446.72, 807.874, 654.6500000000001, 1.5047], [929.93, 423.24, 1140.05, 1055.6, 0.57632], [505.0, 449.0, 544.0, 568.0, 0.56027], [1464.0, 389.14, 1612.29, 836.0, 0.34065]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 450.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 448.0, 1014.0, 561.0, 1.0], [1001.0, 404.0, 1153.0, 1042.0, 1.0], [1501.0, 431.0, 1753.0, 868.0, 1.0], [855.0, 431.0, 1022.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [741.0, 442.0, 809.0, 642.0, 1.0], [1485.0, 413.0, 1670.0, 802.0, 1.0], [1420.0, 418.0, 1574.0, 717.0, 1.0], [1353.0, 442.0, 1406.0, 549.0, 1.0], [1153.0, 447.0, 1201.0, 555.0, 1.0], [823.0, 451.0, 845.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 460.0, 644.0, 519.0, 1.0], [652.0, 457.0, 675.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 290, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 289}, {"time_since_observed": 38, "confidence": 0.37462364268688186, "age": 207}, {"time_since_observed": 0, "confidence": 1, "age": 205}, {"time_since_observed": 0, "confidence": 1, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}, {"time_since_observed": 0, "confidence": 0.5, "age": 70}], "unmatched": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]], "unmatched_before_before": [[1352.6, 442.87, 1384.09, 539.34, 0.35054], [579.76, 455.43, 600.1949999999999, 518.736, 0.32225]]}, "ret_dets": [[846.44, 405.34, 1029.23, 955.72, 2.3576], [739.23, 446.72, 807.874, 654.6500000000001, 1.5047], [929.93, 423.24, 1140.05, 1055.6, 0.57632], [505.0, 449.0, 544.0, 568.0, 0.56027], [1464.0, 389.14, 1612.29, 836.0, 0.34065]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 875.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 486.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [973.0, 450.0, 1000.0, 526.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [978.0, 448.0, 1014.0, 561.0, 1.0], [1001.0, 404.0, 1153.0, 1042.0, 1.0], [1501.0, 431.0, 1753.0, 868.0, 1.0], [855.0, 431.0, 1022.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [383.0, 465.0, 425.0, 576.0, 1.0], [510.0, 455.0, 542.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [741.0, 442.0, 809.0, 642.0, 1.0], [1485.0, 413.0, 1670.0, 802.0, 1.0], [1420.0, 418.0, 1574.0, 717.0, 1.0], [1353.0, 442.0, 1406.0, 549.0, 1.0], [1153.0, 447.0, 1201.0, 555.0, 1.0], [823.0, 451.0, 845.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 460.0, 644.0, 519.0, 1.0], [652.0, 457.0, 675.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [670.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [581.0, 460.0, 602.0, 521.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 602.0, 518.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1036.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 291, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 290}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]]}, "ret_ret": [[844.9041010037419, 407.145080486698, 1025.713471663535, 951.5823541806752, 15.0], [504.9948082855515, 448.99771919196604, 543.9939187354531, 567.995004923717, 14.0], [740.5758104380731, 446.7401435591208, 809.2925427584443, 654.8904644394063, 12.0], [1475.912681359102, 397.579661321138, 1624.8826605249133, 846.482299025834, 11.0], [925.7762329363626, 413.7506778250553, 1145.7089315706855, 1075.5626872367707, 8.0], [1422.2685982754192, 395.3301039043668, 1557.0506590103969, 801.6780721683174, 7.0], [827.3432930389012, 293.76919377663353, 1068.8475505904842, 1020.2918901066078, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.3237], [747.43, 433.93, 821.073, 656.86, 1.0838], [505.0, 449.0, 544.0, 568.0, 0.55878], [929.93, 423.24, 1140.05, 1055.6, 0.5585], [777.05, 243.51, 1018.56, 970.05, 0.39159]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 876.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1001.0, 403.0, 1153.0, 1041.0, 1.0], [1503.0, 431.0, 1756.0, 871.0, 1.0], [855.0, 430.0, 1023.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [744.0, 442.0, 811.0, 643.0, 1.0], [1488.0, 412.0, 1674.0, 802.0, 1.0], [1403.0, 419.0, 1569.0, 715.0, 1.0], [1354.0, 442.0, 1408.0, 549.0, 1.0], [1154.0, 447.0, 1202.0, 555.0, 1.0], [825.0, 451.0, 847.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [653.0, 457.0, 676.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 291, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 290}, {"time_since_observed": 39, "confidence": 0.35353398661987256, "age": 208}, {"time_since_observed": 0, "confidence": 1, "age": 206}, {"time_since_observed": 0, "confidence": 1, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}, {"time_since_observed": 0, "confidence": 0.5, "age": 71}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[579.94, 451.29, 601.9140000000001, 519.212, 0.42723]]}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.3237], [747.43, 433.93, 821.073, 656.86, 1.0838], [505.0, 449.0, 544.0, 568.0, 0.55878], [929.93, 423.24, 1140.05, 1055.6, 0.5585], [777.05, 243.51, 1018.56, 970.05, 0.39159]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 419.0, 1169.0, 876.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1001.0, 403.0, 1153.0, 1041.0, 1.0], [1503.0, 431.0, 1756.0, 871.0, 1.0], [855.0, 430.0, 1023.0, 923.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [446.0, 458.0, 476.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [744.0, 442.0, 811.0, 643.0, 1.0], [1488.0, 412.0, 1674.0, 802.0, 1.0], [1403.0, 419.0, 1569.0, 715.0, 1.0], [1354.0, 442.0, 1408.0, 549.0, 1.0], [1154.0, 447.0, 1202.0, 555.0, 1.0], [825.0, 451.0, 847.0, 521.0, 1.0], [798.0, 447.0, 824.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [653.0, 457.0, 676.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 718.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 576.0, 516.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 439.0, 615.0, 482.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 292, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[854.5488325964034, 410.62524044697193, 1028.8322979853474, 935.4853264018752, 15.0], [504.9953404743366, 448.99804686515375, 543.9944640719879, 567.9953727143971, 14.0], [746.03255778292, 438.5441238872166, 817.9002418713204, 656.1530393539019, 12.0], [1479.1118510887197, 396.24868151475494, 1628.0898594688304, 845.1755142653099, 11.0], [928.3662871666776, 420.13357170040587, 1142.2189707546922, 1063.69762719903, 8.0], [1427.2590981874564, 394.9585853929971, 1562.04115892244, 801.3065536569645, 7.0], [783.0895472261097, 249.54424444432738, 1024.5986283978243, 976.0814754876787, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.6317], [753.16, 446.72, 821.804, 654.6500000000001, 1.4612], [505.0, 449.0, 544.0, 568.0, 0.80819], [929.93, 423.24, 1140.05, 1055.6, 0.55508]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1002.0, 403.0, 1154.0, 1040.0, 1.0], [1506.0, 431.0, 1759.0, 874.0, 1.0], [855.0, 429.0, 1024.0, 924.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [445.0, 458.0, 475.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [747.0, 442.0, 813.0, 644.0, 1.0], [1491.0, 412.0, 1678.0, 803.0, 1.0], [1400.0, 420.0, 1563.0, 713.0, 1.0], [1355.0, 443.0, 1410.0, 549.0, 1.0], [1156.0, 447.0, 1204.0, 555.0, 1.0], [827.0, 451.0, 849.0, 521.0, 1.0], [799.0, 447.0, 825.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [654.0, 457.0, 677.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 292, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 291}, {"time_since_observed": 40, "confidence": 0.35797744103093426, "age": 209}, {"time_since_observed": 0, "confidence": 1, "age": 207}, {"time_since_observed": 1, "confidence": 1, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}, {"time_since_observed": 0, "confidence": 0.5, "age": 72}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.6317], [753.16, 446.72, 821.804, 654.6500000000001, 1.4612], [505.0, 449.0, 544.0, 568.0, 0.80819], [929.93, 423.24, 1140.05, 1055.6, 0.55508]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1007.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [972.0, 449.0, 999.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [979.0, 448.0, 1015.0, 561.0, 1.0], [1002.0, 403.0, 1154.0, 1040.0, 1.0], [1506.0, 431.0, 1759.0, 874.0, 1.0], [855.0, 429.0, 1024.0, 924.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [445.0, 458.0, 475.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [747.0, 442.0, 813.0, 644.0, 1.0], [1491.0, 412.0, 1678.0, 803.0, 1.0], [1400.0, 420.0, 1563.0, 713.0, 1.0], [1355.0, 443.0, 1410.0, 549.0, 1.0], [1156.0, 447.0, 1204.0, 555.0, 1.0], [827.0, 451.0, 849.0, 521.0, 1.0], [799.0, 447.0, 825.0, 523.0, 1.0], [624.0, 459.0, 644.0, 518.0, 1.0], [654.0, 457.0, 677.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [712.0, 477.0, 728.0, 535.0, 0.0], [727.0, 516.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [556.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 514.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [533.0, 457.0, 554.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1007.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 293, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 292}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[858.1564739754951, 412.0458960926095, 1029.8859625098103, 929.2420980199289, 15.0], [504.99582131453576, 448.9983417549158, 543.994957762051, 567.9957068127185, 14.0], [751.6832242386099, 443.58014602275875, 821.6183855581316, 655.389249901925, 12.0], [1482.3130282030486, 394.92375071432986, 1631.2950510280364, 843.8626804988278, 11.0], [929.376132438399, 422.58877536794364, 1140.8611863349638, 1059.0457773938856, 8.0], [1432.2495980994952, 394.5870668816316, 1567.0316588344815, 800.9350351456075, 7.0], [780.0622673971541, 246.5079723341401, 1021.5714797077785, 973.0455978856401, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.5318], [747.43, 433.93, 821.073, 656.86, 1.5674], [505.0, 449.0, 544.0, 568.0, 0.86276], [946.52, 473.76, 1142.5, 1063.71, 0.34154]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [980.0, 448.0, 1016.0, 561.0, 1.0], [1003.0, 402.0, 1155.0, 1039.0, 1.0], [1509.0, 432.0, 1763.0, 878.0, 1.0], [856.0, 428.0, 1026.0, 925.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [751.0, 442.0, 816.0, 645.0, 1.0], [1494.0, 412.0, 1682.0, 804.0, 1.0], [1397.0, 421.0, 1557.0, 712.0, 1.0], [1356.0, 444.0, 1412.0, 549.0, 1.0], [1157.0, 447.0, 1205.0, 555.0, 1.0], [829.0, 451.0, 851.0, 521.0, 1.0], [800.0, 447.0, 826.0, 523.0, 1.0], [625.0, 459.0, 644.0, 518.0, 1.0], [655.0, 457.0, 678.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 293, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 292}, {"time_since_observed": 41, "confidence": 0.3597334449573726, "age": 210}, {"time_since_observed": 0, "confidence": 1, "age": 208}, {"time_since_observed": 2, "confidence": 1, "age": 137}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}, {"time_since_observed": 0, "confidence": 0.5, "age": 73}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.5318], [747.43, 433.93, 821.073, 656.86, 1.5674], [505.0, 449.0, 544.0, 568.0, 0.86276], [946.52, 473.76, 1142.5, 1063.71, 0.34154]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1008.0, 420.0, 1169.0, 877.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [980.0, 448.0, 1016.0, 561.0, 1.0], [1003.0, 402.0, 1155.0, 1039.0, 1.0], [1509.0, 432.0, 1763.0, 878.0, 1.0], [856.0, 428.0, 1026.0, 925.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [751.0, 442.0, 816.0, 645.0, 1.0], [1494.0, 412.0, 1682.0, 804.0, 1.0], [1397.0, 421.0, 1557.0, 712.0, 1.0], [1356.0, 444.0, 1412.0, 549.0, 1.0], [1157.0, 447.0, 1205.0, 555.0, 1.0], [829.0, 451.0, 851.0, 521.0, 1.0], [800.0, 447.0, 826.0, 523.0, 1.0], [625.0, 459.0, 644.0, 518.0, 1.0], [655.0, 457.0, 678.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 602.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [557.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1037.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 294, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 293}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[859.435024731634, 412.6026876364823, 1030.1824427754927, 926.8516400015968, 15.0], [504.9962557233352, 448.9986070224281, 543.995404733227, 567.9960104115851, 14.0], [750.0589513793677, 437.3686409447189, 822.372925720126, 656.3162658948986, 12.0], [1485.5152089488786, 393.6018442335081, 1634.4992389557412, 842.5468224127424, 11.0], [940.3101475434459, 455.6201779030857, 1142.2256987091955, 1063.3767291376969, 8.0], [1437.2400980115347, 394.2155483702682, 1572.0221587465223, 800.5635166342483, 7.0], [777.0350203529392, 243.4717988510302, 1018.5442982329919, 970.0096216565239, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[865.0, 449.0, 1024.0, 928.0, 2.3056], [754.77, 442.87, 818.75, 636.81, 1.2665], [497.24, 442.1, 542.188, 578.94, 0.58973], [815.59, 272.53, 1040.8600000000001, 950.35, 0.5716], [1583.4, 419.0, 1731.69, 865.86, 0.35993], [972.16, 381.02, 1182.28, 1013.38, 0.35422]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 878.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1016.0, 561.0, 1.0], [1004.0, 402.0, 1156.0, 1038.0, 1.0], [1518.0, 431.0, 1765.0, 880.0, 1.0], [859.0, 427.0, 1027.0, 926.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [754.0, 442.0, 818.0, 646.0, 1.0], [1497.0, 411.0, 1686.0, 805.0, 1.0], [1395.0, 422.0, 1552.0, 711.0, 1.0], [1358.0, 445.0, 1415.0, 550.0, 1.0], [1158.0, 447.0, 1206.0, 555.0, 1.0], [830.0, 450.0, 852.0, 520.0, 1.0], [800.0, 446.0, 826.0, 522.0, 1.0], [625.0, 459.0, 645.0, 518.0, 1.0], [656.0, 457.0, 679.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1038.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 294, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 293}, {"time_since_observed": 42, "confidence": 0.3571474395981246, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 209}, {"time_since_observed": 3, "confidence": 1, "age": 138}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}, {"time_since_observed": 0, "confidence": 0.5, "age": 74}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[865.0, 449.0, 1024.0, 928.0, 2.3056], [754.77, 442.87, 818.75, 636.81, 1.2665], [497.24, 442.1, 542.188, 578.94, 0.58973], [815.59, 272.53, 1040.8600000000001, 950.35, 0.5716], [1583.4, 419.0, 1731.69, 865.86, 0.35993], [972.16, 381.02, 1182.28, 1013.38, 0.35422]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 878.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1016.0, 561.0, 1.0], [1004.0, 402.0, 1156.0, 1038.0, 1.0], [1518.0, 431.0, 1765.0, 880.0, 1.0], [859.0, 427.0, 1027.0, 926.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [444.0, 457.0, 474.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [754.0, 442.0, 818.0, 646.0, 1.0], [1497.0, 411.0, 1686.0, 805.0, 1.0], [1395.0, 422.0, 1552.0, 711.0, 1.0], [1358.0, 445.0, 1415.0, 550.0, 1.0], [1158.0, 447.0, 1206.0, 555.0, 1.0], [830.0, 450.0, 852.0, 520.0, 1.0], [800.0, 446.0, 826.0, 522.0, 1.0], [625.0, 459.0, 645.0, 518.0, 1.0], [656.0, 457.0, 679.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [534.0, 457.0, 555.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1008.0, 454.0, 1038.0, 535.0, 1.0], [595.0, 440.0, 615.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 295, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "unmatched": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "unmatched_before": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "unmatched_before_before": []}, "ret_ret": [[863.9132413303768, 435.9797765351542, 1027.2124581532285, 927.8799637213441, 15.0], [499.9701977074037, 444.60743048883086, 542.7719819441061, 575.0257209593076, 14.0], [753.9357859909956, 440.2518463287854, 821.2388029354452, 644.1741221609761, 12.0], [1488.7178914952476, 392.28144986664904, 1637.702925082907, 841.2294522126941, 11.0], [961.4759950785276, 408.372522524674, 1168.4321138610087, 1031.2452092786432, 8.0], [1442.2305979235744, 393.84402985890586, 1577.012658658563, 800.1919981228881, 7.0], [808.6578719032603, 266.28360310714027, 1037.2817517270576, 954.1667679117921, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1321], [762.35, 433.93, 835.993, 656.86, 1.2527], [1578.7, 412.56, 1749.18, 926.01, 0.48487], [497.24, 442.1, 542.188, 578.94, 0.36848], [1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1169.0, 879.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1017.0, 561.0, 1.0], [1005.0, 402.0, 1157.0, 1037.0, 1.0], [1528.0, 430.0, 1767.0, 882.0, 1.0], [862.0, 426.0, 1028.0, 928.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [757.0, 442.0, 820.0, 647.0, 1.0], [1500.0, 411.0, 1690.0, 806.0, 1.0], [1391.0, 421.0, 1538.0, 710.0, 1.0], [1365.0, 444.0, 1418.0, 550.0, 1.0], [1160.0, 447.0, 1208.0, 555.0, 1.0], [832.0, 450.0, 854.0, 520.0, 1.0], [801.0, 446.0, 827.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [658.0, 457.0, 681.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 295, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 294}, {"time_since_observed": 43, "confidence": 0.3584645175672546, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 210}, {"time_since_observed": 4, "confidence": 1, "age": 139}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}, {"time_since_observed": 0, "confidence": 0.5, "age": 75}], "unmatched": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "unmatched_before": [[1583.4, 419.0, 1731.69, 865.86, 0.35993]], "unmatched_before_before": []}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1321], [762.35, 433.93, 835.993, 656.86, 1.2527], [1578.7, 412.56, 1749.18, 926.01, 0.48487], [497.24, 442.1, 542.188, 578.94, 0.36848], [1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1169.0, 879.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 780.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [971.0, 449.0, 998.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [981.0, 448.0, 1017.0, 561.0, 1.0], [1005.0, 402.0, 1157.0, 1037.0, 1.0], [1528.0, 430.0, 1767.0, 882.0, 1.0], [862.0, 426.0, 1028.0, 928.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 563.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [757.0, 442.0, 820.0, 647.0, 1.0], [1500.0, 411.0, 1690.0, 806.0, 1.0], [1391.0, 421.0, 1538.0, 710.0, 1.0], [1365.0, 444.0, 1418.0, 550.0, 1.0], [1160.0, 447.0, 1208.0, 555.0, 1.0], [832.0, 450.0, 854.0, 520.0, 1.0], [801.0, 446.0, 827.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [658.0, 457.0, 681.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [580.0, 460.0, 601.0, 520.0, 1.0], [557.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 517.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 296, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 295}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 213}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "unmatched": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched_before_before": []}, "ret_ret": [[861.4306506861112, 421.6533300764257, 1028.9962220160423, 926.3559374421613, 15.0], [498.1040874021123, 443.05792731245987, 542.2741325638804, 577.5737368508496, 14.0], [760.4432037643357, 436.06027807931343, 831.7945060744307, 652.1275827648309, 12.0], [1570.6994605697957, 411.70054748454305, 1738.270056358853, 916.4281794810911, 11.0], [964.2668607979701, 407.7100632622526, 1171.0117634600367, 1029.9470560672712, 8.0], [1447.2210978356145, 393.47251134754407, 1582.003158570603, 799.8204796115274, 7.0], [808.010824479595, 263.97806368877485, 1036.504863807229, 951.4705646157533, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4282], [762.35, 433.93, 835.993, 656.86, 1.8264], [505.0, 449.0, 544.0, 568.0, 0.82546], [1613.3, 448.86, 1761.59, 895.72, 0.39407]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1006.0, 401.0, 1157.0, 1036.0, 1.0], [1538.0, 429.0, 1769.0, 884.0, 1.0], [865.0, 425.0, 1029.0, 929.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 564.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [761.0, 443.0, 823.0, 648.0, 1.0], [1504.0, 411.0, 1695.0, 807.0, 1.0], [1387.0, 420.0, 1525.0, 709.0, 1.0], [1372.0, 444.0, 1421.0, 550.0, 1.0], [1162.0, 446.0, 1209.0, 554.0, 1.0], [834.0, 450.0, 856.0, 520.0, 1.0], [802.0, 446.0, 828.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [659.0, 457.0, 682.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 296, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 295}, {"time_since_observed": 44, "confidence": 0.36648893332887794, "age": 213}, {"time_since_observed": 1, "confidence": 1, "age": 211}, {"time_since_observed": 0, "confidence": 1, "age": 140}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}, {"time_since_observed": 0, "confidence": 0.5, "age": 76}], "unmatched": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]], "unmatched_before_before": []}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4282], [762.35, 433.93, 835.993, 656.86, 1.8264], [505.0, 449.0, 544.0, 568.0, 0.82546], [1613.3, 448.86, 1761.59, 895.72, 0.39407]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1006.0, 401.0, 1157.0, 1036.0, 1.0], [1538.0, 429.0, 1769.0, 884.0, 1.0], [865.0, 425.0, 1029.0, 929.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [443.0, 457.0, 473.0, 564.0, 1.0], [408.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [761.0, 443.0, 823.0, 648.0, 1.0], [1504.0, 411.0, 1695.0, 807.0, 1.0], [1387.0, 420.0, 1525.0, 709.0, 1.0], [1372.0, 444.0, 1421.0, 550.0, 1.0], [1162.0, 446.0, 1209.0, 554.0, 1.0], [834.0, 450.0, 856.0, 520.0, 1.0], [802.0, 446.0, 828.0, 522.0, 1.0], [626.0, 459.0, 645.0, 518.0, 1.0], [659.0, 457.0, 682.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [669.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 454.0, 1038.0, 535.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 297, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 296}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 214}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]]}, "ret_ret": [[860.4156203278615, 416.21809101142736, 1029.5857198373285, 925.7346121796595, 15.0], [502.35189506548716, 446.6031181435039, 543.4002736861215, 571.761089830212, 14.0], [762.8400643527798, 434.5613387784582, 835.6786282856092, 655.0852812243594, 12.0], [1602.4915293944389, 436.47521421706244, 1757.8012572658074, 904.4128099833669, 11.0], [967.0049629675015, 406.88880234521395, 1173.6441766089758, 1028.8077045105165, 8.0], [807.3313307697881, 261.5748999364405, 1035.7604221735417, 948.8719856536836, 2.0]], "ret_unmatched_trks_pos": [[1452.2115977476544, 393.1009928361825, 1586.9936584826435, 799.4489611001663, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4393], [762.35, 433.93, 835.993, 656.86, 2.4126], [1613.3, 448.86, 1761.59, 895.72, 0.91037], [1373.3, 402.13, 1477.86, 717.81, 0.86749], [505.0, 449.0, 544.0, 568.0, 0.80237], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.46933]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1007.0, 401.0, 1158.0, 1035.0, 1.0], [1548.0, 428.0, 1771.0, 887.0, 1.0], [868.0, 424.0, 1030.0, 931.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [762.0, 443.0, 826.0, 648.0, 1.0], [1515.0, 410.0, 1698.0, 807.0, 1.0], [1383.0, 420.0, 1512.0, 708.0, 1.0], [1379.0, 444.0, 1425.0, 550.0, 1.0], [1164.0, 446.0, 1211.0, 554.0, 1.0], [836.0, 449.0, 858.0, 519.0, 1.0], [803.0, 446.0, 829.0, 522.0, 1.0], [626.0, 459.0, 646.0, 518.0, 1.0], [660.0, 457.0, 683.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 297, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 296}, {"time_since_observed": 45, "confidence": 0.3436951820342334, "age": 214}, {"time_since_observed": 2, "confidence": 1, "age": 212}, {"time_since_observed": 0, "confidence": 1, "age": 141}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}, {"time_since_observed": 0, "confidence": 0.5, "age": 77}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1399.6, 414.66, 1497.0919999999999, 709.1300000000001, 0.33787]]}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.4393], [762.35, 433.93, 835.993, 656.86, 2.4126], [1613.3, 448.86, 1761.59, 895.72, 0.91037], [1373.3, 402.13, 1477.86, 717.81, 0.86749], [505.0, 449.0, 544.0, 568.0, 0.80237], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.46933]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1170.0, 880.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [982.0, 448.0, 1018.0, 561.0, 1.0], [1007.0, 401.0, 1158.0, 1035.0, 1.0], [1548.0, 428.0, 1771.0, 887.0, 1.0], [868.0, 424.0, 1030.0, 931.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [762.0, 443.0, 826.0, 648.0, 1.0], [1515.0, 410.0, 1698.0, 807.0, 1.0], [1383.0, 420.0, 1512.0, 708.0, 1.0], [1379.0, 444.0, 1425.0, 550.0, 1.0], [1164.0, 446.0, 1211.0, 554.0, 1.0], [836.0, 449.0, 858.0, 519.0, 1.0], [803.0, 446.0, 829.0, 522.0, 1.0], [626.0, 459.0, 646.0, 518.0, 1.0], [660.0, 457.0, 683.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [535.0, 457.0, 556.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1009.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 440.0, 616.0, 483.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 298, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 297}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "unmatched": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "unmatched_before": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "unmatched_before_before": []}, "ret_ret": [[859.9568207267937, 414.1495944767461, 1029.7388944370778, 925.5020592221964, 15.0], [504.0074204777718, 448.05490126581225, 543.8009680677235, 569.4420791328089, 14.0], [763.6449693305935, 434.0102345681166, 837.0430307242439, 656.2099663106187, 12.0], [1613.3229561366834, 445.1385183505193, 1764.2958865540522, 900.0554987171711, 11.0], [982.9813933574012, 395.99908268547506, 1181.2391929513872, 992.7813109537044, 8.0], [806.6356035419287, 259.1228928008932, 1035.032214057907, 946.3222500748268, 2.0]], "ret_unmatched_trks_pos": [[1457.2020976596946, 392.729474324821, 1591.9841583946836, 799.0774425888053, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1843], [767.77, 442.87, 831.75, 636.81, 2.1783], [1373.3, 402.13, 1477.86, 717.81, 1.1257], [505.0, 449.0, 544.0, 568.0, 1.0915], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.52092], [1613.3, 448.86, 1761.59, 895.72, 0.43775], [874.05, 243.51, 1115.56, 970.05, 0.38023]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1171.0, 881.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [983.0, 448.0, 1019.0, 561.0, 1.0], [1008.0, 400.0, 1159.0, 1034.0, 1.0], [1568.0, 427.0, 1772.0, 890.0, 1.0], [875.0, 423.0, 1030.0, 932.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [764.0, 443.0, 830.0, 649.0, 1.0], [1526.0, 409.0, 1701.0, 808.0, 1.0], [1380.0, 419.0, 1498.0, 707.0, 1.0], [1380.0, 443.0, 1427.0, 550.0, 1.0], [1166.0, 446.0, 1213.0, 553.0, 1.0], [838.0, 449.0, 860.0, 519.0, 1.0], [804.0, 446.0, 830.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [661.0, 457.0, 684.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 298, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 297}, {"time_since_observed": 46, "confidence": 0.3447157409799234, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 213}, {"time_since_observed": 0, "confidence": 1, "age": 142}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}, {"time_since_observed": 0, "confidence": 0.5, "age": 78}], "unmatched": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "unmatched_before": [[1373.3, 402.13, 1477.86, 717.81, 0.86749]], "unmatched_before_before": []}, "ret_dets": [[858.42, 412.56, 1028.8999999999999, 926.01, 2.1843], [767.77, 442.87, 831.75, 636.81, 2.1783], [1373.3, 402.13, 1477.86, 717.81, 1.1257], [505.0, 449.0, 544.0, 568.0, 1.0915], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.52092], [1613.3, 448.86, 1761.59, 895.72, 0.43775], [874.05, 243.51, 1115.56, 970.05, 0.38023]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 421.0, 1171.0, 881.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [970.0, 449.0, 997.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [983.0, 448.0, 1019.0, 561.0, 1.0], [1008.0, 400.0, 1159.0, 1034.0, 1.0], [1568.0, 427.0, 1772.0, 890.0, 1.0], [875.0, 423.0, 1030.0, 932.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [442.0, 457.0, 472.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [764.0, 443.0, 830.0, 649.0, 1.0], [1526.0, 409.0, 1701.0, 808.0, 1.0], [1380.0, 419.0, 1498.0, 707.0, 1.0], [1380.0, 443.0, 1427.0, 550.0, 1.0], [1166.0, 446.0, 1213.0, 553.0, 1.0], [838.0, 449.0, 860.0, 519.0, 1.0], [804.0, 446.0, 830.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [661.0, 457.0, 684.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [558.0, 461.0, 588.0, 520.0, 1.0], [558.0, 455.0, 577.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 299, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[859.7157226099672, 413.3641835803834, 1029.7339824698997, 925.425229779626, 15.0], [504.64407080342767, 448.62602283818984, 543.9480735769341, 568.5407314935883, 14.0], [767.1620677092787, 438.97059355586254, 834.9091465216832, 644.227666691725, 12.0], [1617.088875694121, 448.36057833869836, 1766.4030114846662, 898.2962391377719, 11.0], [986.0724178794313, 394.34289964776565, 1182.8139242699522, 986.5764826320136, 8.0], [1373.2384882831907, 401.50997366690586, 1478.249420558985, 718.5421481386898, 7.0], [866.1750363281058, 245.91790316738735, 1105.5557677309869, 966.0720335402348, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[767.08, 446.72, 835.724, 654.6500000000001, 2.4316], [1379.9, 414.66, 1477.392, 709.1300000000001, 2.1955], [858.42, 412.56, 1028.8999999999999, 926.01, 2.0318], [505.0, 449.0, 544.0, 568.0, 1.0093], [1618.4, 368.58, 1801.19, 918.96, 0.81248], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.74012], [874.05, 243.51, 1115.56, 970.05, 0.30402]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 422.0, 1172.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 448.0, 1019.0, 561.0, 1.0], [1009.0, 400.0, 1160.0, 1033.0, 1.0], [1588.0, 426.0, 1774.0, 893.0, 1.0], [882.0, 422.0, 1031.0, 934.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [766.0, 443.0, 834.0, 650.0, 1.0], [1537.0, 409.0, 1704.0, 809.0, 1.0], [1376.0, 419.0, 1485.0, 706.0, 1.0], [1381.0, 443.0, 1430.0, 550.0, 1.0], [1168.0, 446.0, 1215.0, 553.0, 1.0], [840.0, 449.0, 862.0, 519.0, 1.0], [805.0, 446.0, 831.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [662.0, 457.0, 685.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 588.0, 520.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 299, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 298}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 214}, {"time_since_observed": 0, "confidence": 1, "age": 143}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}, {"time_since_observed": 0, "confidence": 0.5, "age": 79}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[767.08, 446.72, 835.724, 654.6500000000001, 2.4316], [1379.9, 414.66, 1477.392, 709.1300000000001, 2.1955], [858.42, 412.56, 1028.8999999999999, 926.01, 2.0318], [505.0, 449.0, 544.0, 568.0, 1.0093], [1618.4, 368.58, 1801.19, 918.96, 0.81248], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.74012], [874.05, 243.51, 1115.56, 970.05, 0.30402]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 422.0, 1172.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 585.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1121.0, 449.0, 1159.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 448.0, 1019.0, 561.0, 1.0], [1009.0, 400.0, 1160.0, 1033.0, 1.0], [1588.0, 426.0, 1774.0, 893.0, 1.0], [882.0, 422.0, 1031.0, 934.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [766.0, 443.0, 834.0, 650.0, 1.0], [1537.0, 409.0, 1704.0, 809.0, 1.0], [1376.0, 419.0, 1485.0, 706.0, 1.0], [1381.0, 443.0, 1430.0, 550.0, 1.0], [1168.0, 446.0, 1215.0, 553.0, 1.0], [840.0, 449.0, 862.0, 519.0, 1.0], [805.0, 446.0, 831.0, 522.0, 1.0], [627.0, 459.0, 646.0, 518.0, 1.0], [662.0, 457.0, 685.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 530.0, 717.0, 609.0, 0.0], [504.0, 464.0, 527.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 588.0, 520.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [536.0, 457.0, 557.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1010.0, 455.0, 1039.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 300, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[859.5637714568292, 413.06848285782354, 1029.6751035706534, 925.408786281736, 15.0], [504.88634788147345, 448.8474702535705, 544.0018055603224, 568.1948641187605, 14.0], [768.1016038214692, 443.8424053557171, 836.4437014364136, 650.8748407736016, 12.0], [1621.6521988289196, 397.50880217953255, 1792.5667082658383, 912.2852558902277, 11.0], [987.1428253375626, 393.79115107698556, 1183.3500086238653, 984.4217278516743, 8.0], [1378.5001001767703, 409.9943225802138, 1478.4515270089744, 711.845480377687, 7.0], [872.9901478773219, 243.673501545124, 1113.7890488619369, 968.0812798274274, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[767.08, 446.72, 835.724, 654.6500000000001, 2.1603], [1379.9, 414.66, 1477.392, 709.1300000000001, 1.673], [892.72, 412.56, 1063.2, 926.01, 1.6192], [505.0, 449.0, 544.0, 568.0, 1.0264], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.81814], [1633.0, 417.0, 1792.0, 896.0, 0.79117]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1011.0, 421.0, 1171.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 447.0, 1020.0, 560.0, 1.0], [1010.0, 400.0, 1161.0, 1032.0, 1.0], [1608.0, 426.0, 1776.0, 896.0, 1.0], [889.0, 421.0, 1032.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [768.0, 443.0, 838.0, 651.0, 1.0], [1551.0, 409.0, 1713.0, 810.0, 1.0], [1372.0, 418.0, 1472.0, 705.0, 1.0], [1383.0, 443.0, 1433.0, 550.0, 1.0], [1170.0, 446.0, 1217.0, 552.0, 1.0], [842.0, 449.0, 864.0, 519.0, 1.0], [806.0, 446.0, 832.0, 522.0, 1.0], [628.0, 459.0, 647.0, 518.0, 1.0], [664.0, 457.0, 687.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 717.0, 609.0, 0.0], [505.0, 464.0, 528.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 586.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 300, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 299}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 215}, {"time_since_observed": 0, "confidence": 1, "age": 144}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}, {"time_since_observed": 0, "confidence": 0.5, "age": 80}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[767.08, 446.72, 835.724, 654.6500000000001, 2.1603], [1379.9, 414.66, 1477.392, 709.1300000000001, 1.673], [892.72, 412.56, 1063.2, 926.01, 1.6192], [505.0, 449.0, 544.0, 568.0, 1.0264], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.81814], [1633.0, 417.0, 1792.0, 896.0, 0.79117]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1011.0, 421.0, 1171.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [984.0, 447.0, 1020.0, 560.0, 1.0], [1010.0, 400.0, 1161.0, 1032.0, 1.0], [1608.0, 426.0, 1776.0, 896.0, 1.0], [889.0, 421.0, 1032.0, 936.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [509.0, 455.0, 541.0, 563.0, 1.0], [441.0, 457.0, 471.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 436.0, 544.0, 1.0], [768.0, 443.0, 838.0, 651.0, 1.0], [1551.0, 409.0, 1713.0, 810.0, 1.0], [1372.0, 418.0, 1472.0, 705.0, 1.0], [1383.0, 443.0, 1433.0, 550.0, 1.0], [1170.0, 446.0, 1217.0, 552.0, 1.0], [842.0, 449.0, 864.0, 519.0, 1.0], [806.0, 446.0, 832.0, 522.0, 1.0], [628.0, 459.0, 647.0, 518.0, 1.0], [664.0, 457.0, 687.0, 517.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 717.0, 609.0, 0.0], [505.0, 464.0, 528.0, 544.0, 1.0], [579.0, 460.0, 601.0, 520.0, 1.0], [559.0, 461.0, 586.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 516.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 301, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[881.8485110945049, 412.95940931710203, 1051.9982562203122, 925.4150006827392, 15.0], [504.9771223023316, 448.93332762259894, 544.0203423949234, 568.0633360612869, 14.0], [768.3668701555976, 445.7007951992061, 836.9344279950872, 653.4057314115134, 12.0], [1632.5198549147858, 409.6150959919877, 1796.2097746469794, 902.7010634481986, 11.0], [987.4533024213765, 393.66798150851776, 1183.458616361629, 983.692924149649, 8.0], [1380.2465420596093, 412.78242031957257, 1478.5316308230383, 709.6304028232282, 7.0], [877.7030430944985, 241.64213715725128, 1118.6040299238568, 966.3570255620764, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1360.2, 414.66, 1457.692, 709.1300000000001, 1.8999], [767.08, 446.72, 835.724, 654.6500000000001, 1.8693], [883.2, 405.34, 1065.99, 955.72, 1.6197], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.9008], [505.0, 449.0, 544.0, 568.0, 0.72572], [1618.4, 368.58, 1801.19, 918.96, 0.51521], [884.73, 260.92, 1143.65, 1039.68, 0.47029]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 421.0, 1170.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [985.0, 447.0, 1020.0, 560.0, 1.0], [1011.0, 400.0, 1169.0, 1029.0, 1.0], [1622.0, 425.0, 1786.0, 899.0, 1.0], [890.0, 421.0, 1032.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [507.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [770.0, 443.0, 842.0, 652.0, 1.0], [1565.0, 409.0, 1722.0, 812.0, 1.0], [1369.0, 418.0, 1459.0, 704.0, 1.0], [1384.0, 443.0, 1435.0, 550.0, 1.0], [1172.0, 445.0, 1219.0, 552.0, 1.0], [843.0, 449.0, 865.0, 519.0, 1.0], [807.0, 446.0, 833.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [664.0, 456.0, 687.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 585.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 301, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 300}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 216}, {"time_since_observed": 0, "confidence": 1, "age": 145}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}, {"time_since_observed": 0, "confidence": 0.5, "age": 81}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1360.2, 414.66, 1457.692, 709.1300000000001, 1.8999], [767.08, 446.72, 835.724, 654.6500000000001, 1.8693], [883.2, 405.34, 1065.99, 955.72, 1.6197], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.9008], [505.0, 449.0, 544.0, 568.0, 0.72572], [1618.4, 368.58, 1801.19, 918.96, 0.51521], [884.73, 260.92, 1143.65, 1039.68, 0.47029]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 421.0, 1170.0, 882.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [969.0, 449.0, 996.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [985.0, 447.0, 1020.0, 560.0, 1.0], [1011.0, 400.0, 1169.0, 1029.0, 1.0], [1622.0, 425.0, 1786.0, 899.0, 1.0], [890.0, 421.0, 1032.0, 939.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [507.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [770.0, 443.0, 842.0, 652.0, 1.0], [1565.0, 409.0, 1722.0, 812.0, 1.0], [1369.0, 418.0, 1459.0, 704.0, 1.0], [1384.0, 443.0, 1435.0, 550.0, 1.0], [1172.0, 445.0, 1219.0, 552.0, 1.0], [843.0, 449.0, 865.0, 519.0, 1.0], [807.0, 446.0, 833.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [664.0, 456.0, 687.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 585.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 302, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[884.1374995587536, 408.57595905451365, 1062.0951012238202, 944.4596889878773, 15.0], [505.0099706772293, 448.9670524415023, 544.0255770962476, 568.0139589159695, 14.0], [768.3817666506486, 446.4016553268903, 837.0347669578975, 654.3613993282761, 12.0], [1627.0697851035432, 383.4858922207963, 1802.9394720025246, 913.1175719801631, 11.0], [987.4742919914296, 393.7085018524469, 1183.4031109196294, 983.5039531711852, 8.0], [1367.7120530410384, 413.8763677554199, 1465.3682656284477, 708.835737264934, 7.0], [884.5071821809901, 256.9637847702102, 1138.7170643264749, 1021.6007742470233, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 2.0303], [892.72, 412.56, 1063.2, 926.01, 1.4947], [767.08, 446.72, 835.724, 654.6500000000001, 1.4147], [505.0, 449.0, 544.0, 568.0, 0.98409], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.943], [1616.3, 355.57, 1812.28, 945.52, 0.81779], [884.73, 260.92, 1143.65, 1039.68, 0.60078]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1170.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1021.0, 560.0, 1.0], [1012.0, 400.0, 1177.0, 1027.0, 1.0], [1636.0, 425.0, 1797.0, 902.0, 1.0], [891.0, 421.0, 1032.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [506.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 565.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-181.0, 400.0, 120.0, 859.0, 1.0], [772.0, 444.0, 846.0, 653.0, 1.0], [1579.0, 409.0, 1731.0, 813.0, 1.0], [1356.0, 421.0, 1454.0, 704.0, 1.0], [1386.0, 443.0, 1438.0, 550.0, 1.0], [1174.0, 445.0, 1221.0, 551.0, 1.0], [844.0, 449.0, 866.0, 519.0, 1.0], [808.0, 446.0, 834.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [665.0, 456.0, 688.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 584.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 302, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 301}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 217}, {"time_since_observed": 0, "confidence": 1, "age": 146}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}, {"time_since_observed": 0, "confidence": 0.5, "age": 82}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 2.0303], [892.72, 412.56, 1063.2, 926.01, 1.4947], [767.08, 446.72, 835.724, 654.6500000000001, 1.4147], [505.0, 449.0, 544.0, 568.0, 0.98409], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.943], [1616.3, 355.57, 1812.28, 945.52, 0.81779], [884.73, 260.92, 1143.65, 1039.68, 0.60078]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1010.0, 420.0, 1170.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1021.0, 560.0, 1.0], [1012.0, 400.0, 1177.0, 1027.0, 1.0], [1636.0, 425.0, 1797.0, 902.0, 1.0], [891.0, 421.0, 1032.0, 942.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [506.0, 455.0, 541.0, 563.0, 1.0], [440.0, 457.0, 470.0, 565.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-181.0, 400.0, 120.0, 859.0, 1.0], [772.0, 444.0, 846.0, 653.0, 1.0], [1579.0, 409.0, 1731.0, 813.0, 1.0], [1356.0, 421.0, 1454.0, 704.0, 1.0], [1386.0, 443.0, 1438.0, 550.0, 1.0], [1174.0, 445.0, 1221.0, 551.0, 1.0], [844.0, 449.0, 866.0, 519.0, 1.0], [808.0, 446.0, 834.0, 522.0, 1.0], [628.0, 458.0, 647.0, 518.0, 1.0], [665.0, 456.0, 688.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 528.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 584.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1011.0, 455.0, 1040.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 303, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[890.9534408295908, 411.16162703827376, 1064.146091728176, 932.7491296281785, 15.0], [505.0208015440865, 448.98075577936055, 544.0258679267648, 567.9959424300106, 14.0], [768.3087452732806, 446.6590630429049, 836.9938766407487, 654.7146024799036, 12.0], [1623.4904929711056, 365.6291914116094, 1812.2180402269923, 933.8371423382991, 11.0], [987.3924523393516, 393.8046211846681, 1183.292658100594, 983.5142365665049, 8.0], [1363.348817819779, 419.8518437980771, 1456.7134057658382, 701.9434923100513, 7.0], [886.5225900973405, 260.1680942510197, 1143.8062362715336, 1034.0226280758964, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.8438], [1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 1.8427], [781.01, 446.72, 849.654, 654.6500000000001, 1.4718], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.86226], [884.73, 260.92, 1143.65, 1039.68, 0.63674], [1647.2, 412.56, 1817.68, 926.01, 0.42763]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1022.0, 560.0, 1.0], [1013.0, 400.0, 1185.0, 1025.0, 1.0], [1650.0, 424.0, 1807.0, 905.0, 1.0], [892.0, 421.0, 1032.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [505.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-163.0, 400.0, 119.0, 858.0, 1.0], [775.0, 443.0, 847.0, 653.0, 1.0], [1593.0, 409.0, 1740.0, 815.0, 1.0], [1343.0, 424.0, 1450.0, 705.0, 1.0], [1387.0, 443.0, 1441.0, 550.0, 1.0], [1176.0, 445.0, 1223.0, 551.0, 1.0], [846.0, 449.0, 868.0, 519.0, 1.0], [809.0, 446.0, 835.0, 522.0, 1.0], [629.0, 458.0, 647.0, 518.0, 1.0], [666.0, 456.0, 689.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 583.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 303, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 302}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 218}, {"time_since_observed": 0, "confidence": 1, "age": 147}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}, {"time_since_observed": 0, "confidence": 0.5, "age": 83}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.8438], [1361.1, 423.72, 1451.9959999999999, 698.4100000000001, 1.8427], [781.01, 446.72, 849.654, 654.6500000000001, 1.4718], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.86226], [884.73, 260.92, 1143.65, 1039.68, 0.63674], [1647.2, 412.56, 1817.68, 926.01, 0.42763]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 883.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [986.0, 447.0, 1022.0, 560.0, 1.0], [1013.0, 400.0, 1185.0, 1025.0, 1.0], [1650.0, 424.0, 1807.0, 905.0, 1.0], [892.0, 421.0, 1032.0, 945.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [505.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [406.0, 461.0, 437.0, 544.0, 1.0], [-163.0, 400.0, 119.0, 858.0, 1.0], [775.0, 443.0, 847.0, 653.0, 1.0], [1593.0, 409.0, 1740.0, 815.0, 1.0], [1343.0, 424.0, 1450.0, 705.0, 1.0], [1387.0, 443.0, 1441.0, 550.0, 1.0], [1176.0, 445.0, 1223.0, 551.0, 1.0], [846.0, 449.0, 868.0, 519.0, 1.0], [809.0, 446.0, 835.0, 522.0, 1.0], [629.0, 458.0, 647.0, 518.0, 1.0], [666.0, 456.0, 689.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [668.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 583.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 441.0, 616.0, 484.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 304, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[887.3755885750711, 407.933329071925, 1066.454799962037, 947.181656362085, 15.0], [777.305428568554, 446.7473258302607, 846.0023593131274, 654.838020920118, 12.0], [1641.612853072732, 394.88590860536715, 1819.3586233466713, 930.1469807799267, 11.0], [987.2796996420147, 393.9144290255728, 1183.1695879249123, 983.5930995805313, 8.0], [1361.7396925853006, 422.24367481437105, 1453.4152414896691, 699.2675539247308, 7.0], [887.1780811050857, 261.2840681278684, 1145.5598215706673, 1038.4313237547672, 2.0]], "ret_unmatched_trks_pos": [[505.06744651159033, 448.9621258430004, 544.0702373745273, 567.9703692569927, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.7877], [781.01, 446.72, 849.654, 654.6500000000001, 1.6017], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.545], [1673.0, 448.86, 1821.29, 895.72, 0.88673], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.85603], [505.0, 449.0, 544.0, 568.0, 0.74884], [884.73, 260.92, 1143.65, 1039.68, 0.48561], [1647.7, 296.57, 1857.8200000000002, 928.9300000000001, 0.36713], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 884.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1022.0, 560.0, 1.0], [1014.0, 400.0, 1194.0, 1023.0, 1.0], [1664.0, 424.0, 1818.0, 909.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [503.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-145.0, 400.0, 119.0, 858.0, 1.0], [778.0, 443.0, 848.0, 654.0, 1.0], [1607.0, 410.0, 1749.0, 817.0, 1.0], [1330.0, 427.0, 1445.0, 705.0, 1.0], [1389.0, 443.0, 1444.0, 550.0, 1.0], [1178.0, 445.0, 1225.0, 550.0, 1.0], [847.0, 449.0, 869.0, 519.0, 1.0], [810.0, 446.0, 836.0, 522.0, 1.0], [629.0, 458.0, 648.0, 518.0, 1.0], [667.0, 456.0, 690.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 582.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 304, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 303}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 219}, {"time_since_observed": 0, "confidence": 1, "age": 148}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 1, "confidence": 0.5537901620758964, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 84}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.7877], [781.01, 446.72, 849.654, 654.6500000000001, 1.6017], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.545], [1673.0, 448.86, 1821.29, 895.72, 0.88673], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.85603], [505.0, 449.0, 544.0, 568.0, 0.74884], [884.73, 260.92, 1143.65, 1039.68, 0.48561], [1647.7, 296.57, 1857.8200000000002, 928.9300000000001, 0.36713], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1009.0, 420.0, 1169.0, 884.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [968.0, 449.0, 995.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1022.0, 560.0, 1.0], [1014.0, 400.0, 1194.0, 1023.0, 1.0], [1664.0, 424.0, 1818.0, 909.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [503.0, 455.0, 541.0, 563.0, 1.0], [439.0, 456.0, 469.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-145.0, 400.0, 119.0, 858.0, 1.0], [778.0, 443.0, 848.0, 654.0, 1.0], [1607.0, 410.0, 1749.0, 817.0, 1.0], [1330.0, 427.0, 1445.0, 705.0, 1.0], [1389.0, 443.0, 1444.0, 550.0, 1.0], [1178.0, 445.0, 1225.0, 550.0, 1.0], [847.0, 449.0, 869.0, 519.0, 1.0], [810.0, 446.0, 836.0, 522.0, 1.0], [629.0, 458.0, 648.0, 518.0, 1.0], [667.0, 456.0, 690.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [907.0, 408.0, 933.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 529.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 582.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 305, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "unmatched": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched_before_before": []}, "ret_ret": [[885.9187766014961, 406.7533811961371, 1067.1978275736303, 952.5999640747125, 15.0], [505.0262661022577, 448.98696172852385, 544.0264052000149, 567.987310899244, 14.0], [780.6441993641795, 446.7716983970324, 849.3451747169693, 654.8744211822502, 12.0], [1648.953282115733, 331.5129113429429, 1847.5540697355189, 929.3472296258024, 11.0], [987.1628955721212, 394.0224336529225, 1183.049450865407, 983.6911143767072, 8.0], [1347.646050013141, 417.5200587236689, 1442.8197972633427, 705.0363275206153, 7.0], [887.2698302268182, 261.6443665558767, 1146.0659201593346, 1040.0340461425358, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.858], [781.01, 446.72, 849.654, 654.6500000000001, 1.2733], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.0706], [1655.7, 316.17, 1851.68, 906.1200000000001, 0.98916], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.69166], [1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496], [505.0, 449.0, 544.0, 568.0, 0.55531], [884.73, 260.92, 1143.65, 1039.68, 0.39562]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 420.0, 1173.0, 885.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1023.0, 560.0, 1.0], [1015.0, 400.0, 1202.0, 1021.0, 1.0], [1666.0, 425.0, 1838.0, 913.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [502.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-126.0, 400.0, 119.0, 857.0, 1.0], [781.0, 442.0, 849.0, 654.0, 1.0], [1608.0, 410.0, 1762.0, 820.0, 1.0], [1318.0, 430.0, 1441.0, 706.0, 1.0], [1390.0, 443.0, 1446.0, 550.0, 1.0], [1180.0, 445.0, 1227.0, 550.0, 1.0], [849.0, 449.0, 871.0, 519.0, 1.0], [811.0, 446.0, 837.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 581.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1013.0, 456.0, 1042.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 305, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 304}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 220}, {"time_since_observed": 0, "confidence": 1, "age": 149}, {"time_since_observed": 0, "confidence": 0.5, "age": 111}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 85}], "unmatched": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]], "unmatched_before_before": []}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.858], [781.01, 446.72, 849.654, 654.6500000000001, 1.2733], [1340.5, 414.66, 1437.992, 709.1300000000001, 1.0706], [1655.7, 316.17, 1851.68, 906.1200000000001, 0.98916], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.69166], [1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496], [505.0, 449.0, 544.0, 568.0, 0.55531], [884.73, 260.92, 1143.65, 1039.68, 0.39562]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1012.0, 420.0, 1173.0, 885.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1125.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [1120.0, 449.0, 1158.0, 548.0, 1.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [987.0, 447.0, 1023.0, 560.0, 1.0], [1015.0, 400.0, 1202.0, 1021.0, 1.0], [1666.0, 425.0, 1838.0, 913.0, 1.0], [893.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [502.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-126.0, 400.0, 119.0, 857.0, 1.0], [781.0, 442.0, 849.0, 654.0, 1.0], [1608.0, 410.0, 1762.0, 820.0, 1.0], [1318.0, 430.0, 1441.0, 706.0, 1.0], [1390.0, 443.0, 1446.0, 550.0, 1.0], [1180.0, 445.0, 1227.0, 550.0, 1.0], [849.0, 449.0, 871.0, 519.0, 1.0], [811.0, 446.0, 837.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 581.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 515.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1013.0, 456.0, 1042.0, 534.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 306, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "unmatched": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched_before_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]]}, "ret_ret": [[885.261895932175, 406.287289145745, 1067.375695693497, 954.6374094175201, 15.0], [505.02167788750484, 448.99083828358624, 544.0209031942366, 567.9884468456349, 14.0], [781.8228630083071, 446.7725010820594, 850.5249290943449, 654.8784423026842, 12.0], [1656.7164534829324, 320.47084036010347, 1853.8666459653252, 913.9415524922117, 11.0], [987.0515805480325, 394.12335543876986, 1182.9374646679819, 983.7900323057221, 8.0], [1342.3847541216712, 415.7844606505102, 1438.8631559657395, 707.2116900358014, 7.0], [887.1494340953909, 261.71745500009257, 1146.1027012271502, 1040.5784178835984, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.9015], [781.01, 446.72, 849.654, 654.6500000000001, 1.7022], [1695.1, 316.17, 1891.08, 906.1200000000001, 0.80585], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.70706], [1340.5, 414.66, 1437.992, 709.1300000000001, 0.69443], [505.0, 449.0, 544.0, 568.0, 0.55953], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1015.0, 420.0, 1178.0, 887.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [988.0, 447.0, 1023.0, 560.0, 1.0], [1016.0, 400.0, 1210.0, 1018.0, 1.0], [1669.0, 426.0, 1858.0, 917.0, 1.0], [894.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [501.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-108.0, 400.0, 119.0, 857.0, 1.0], [784.0, 442.0, 851.0, 655.0, 1.0], [1609.0, 411.0, 1775.0, 823.0, 1.0], [1307.0, 430.0, 1438.0, 705.0, 1.0], [1392.0, 443.0, 1449.0, 550.0, 1.0], [1181.0, 445.0, 1228.0, 550.0, 1.0], [850.0, 449.0, 872.0, 519.0, 1.0], [812.0, 446.0, 838.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 580.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 306, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 305}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 223}, {"time_since_observed": 0, "confidence": 1, "age": 221}, {"time_since_observed": 0, "confidence": 1, "age": 150}, {"time_since_observed": 0, "confidence": 0.5, "age": 112}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 86}], "unmatched": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]], "unmatched_before_before": [[1673.0, 448.86, 1821.29, 895.72, 0.88673], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.32787]]}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.9015], [781.01, 446.72, 849.654, 654.6500000000001, 1.7022], [1695.1, 316.17, 1891.08, 906.1200000000001, 0.80585], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.70706], [1340.5, 414.66, 1437.992, 709.1300000000001, 0.69443], [505.0, 449.0, 544.0, 568.0, 0.55953], [1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1015.0, 420.0, 1178.0, 887.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [967.0, 449.0, 994.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [988.0, 447.0, 1023.0, 560.0, 1.0], [1016.0, 400.0, 1210.0, 1018.0, 1.0], [1669.0, 426.0, 1858.0, 917.0, 1.0], [894.0, 421.0, 1033.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [382.0, 464.0, 424.0, 575.0, 1.0], [501.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-108.0, 400.0, 119.0, 857.0, 1.0], [784.0, 442.0, 851.0, 655.0, 1.0], [1609.0, 411.0, 1775.0, 823.0, 1.0], [1307.0, 430.0, 1438.0, 705.0, 1.0], [1392.0, 443.0, 1449.0, 550.0, 1.0], [1181.0, 445.0, 1228.0, 550.0, 1.0], [850.0, 449.0, 872.0, 519.0, 1.0], [812.0, 446.0, 838.0, 522.0, 1.0], [630.0, 458.0, 648.0, 518.0, 1.0], [668.0, 456.0, 691.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 530.0, 543.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 580.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 513.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [537.0, 457.0, 558.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 307, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "unmatched": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched_before_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]]}, "ret_ret": [[884.9175998485132, 406.0851647663623, 1067.350668952571, 955.3928029188146, 15.0], [505.01967122150074, 448.9924663607554, 544.0185332885181, 567.9889837118855, 14.0], [782.1824977420647, 446.7651247477772, 850.8845338753974, 654.8709425749639, 12.0], [1685.0728183249198, 316.3654507614444, 1881.6642772485784, 908.1553876415769, 11.0], [986.9487260633991, 394.21578324298554, 1182.8349493949372, 983.8834875439929, 8.0], [1340.4715300689973, 415.14384810872843, 1437.445096531037, 708.0551442218878, 7.0], [891.1740965832123, 263.1607503339053, 1150.3385755344432, 1042.6569808968197, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.7827], [792.21, 433.93, 865.8530000000001, 656.86, 1.6175], [1324.3, 423.72, 1415.196, 698.4100000000001, 1.0736], [505.0, 449.0, 544.0, 568.0, 0.59105], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58688], [884.73, 260.92, 1143.65, 1039.68, 0.34135]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1018.0, 421.0, 1182.0, 888.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1017.0, 400.0, 1219.0, 1016.0, 1.0], [1671.0, 427.0, 1879.0, 921.0, 1.0], [895.0, 421.0, 1034.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [499.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-89.0, 400.0, 119.0, 857.0, 1.0], [787.0, 441.0, 853.0, 656.0, 1.0], [1611.0, 411.0, 1788.0, 826.0, 1.0], [1297.0, 430.0, 1435.0, 705.0, 1.0], [1393.0, 443.0, 1452.0, 550.0, 1.0], [1183.0, 445.0, 1230.0, 550.0, 1.0], [852.0, 449.0, 874.0, 519.0, 1.0], [813.0, 446.0, 839.0, 522.0, 1.0], [630.0, 458.0, 649.0, 518.0, 1.0], [669.0, 456.0, 692.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 579.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 307, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 306}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 224}, {"time_since_observed": 0, "confidence": 1, "age": 222}, {"time_since_observed": 0, "confidence": 1, "age": 151}, {"time_since_observed": 0, "confidence": 0.5, "age": 113}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 87}], "unmatched": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]], "unmatched_before_before": [[1184.2, 429.71, 1226.0710000000001, 557.3199999999999, 0.60496]]}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.7827], [792.21, 433.93, 865.8530000000001, 656.86, 1.6175], [1324.3, 423.72, 1415.196, 698.4100000000001, 1.0736], [505.0, 449.0, 544.0, 568.0, 0.59105], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58688], [884.73, 260.92, 1143.65, 1039.68, 0.34135]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1018.0, 421.0, 1182.0, 888.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 781.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1017.0, 400.0, 1219.0, 1016.0, 1.0], [1671.0, 427.0, 1879.0, 921.0, 1.0], [895.0, 421.0, 1034.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [499.0, 455.0, 541.0, 563.0, 1.0], [438.0, 456.0, 468.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-89.0, 400.0, 119.0, 857.0, 1.0], [787.0, 441.0, 853.0, 656.0, 1.0], [1611.0, 411.0, 1788.0, 826.0, 1.0], [1297.0, 430.0, 1435.0, 705.0, 1.0], [1393.0, 443.0, 1452.0, 550.0, 1.0], [1183.0, 445.0, 1230.0, 550.0, 1.0], [852.0, 449.0, 874.0, 519.0, 1.0], [813.0, 446.0, 839.0, 522.0, 1.0], [630.0, 458.0, 649.0, 518.0, 1.0], [669.0, 456.0, 692.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 579.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 308, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 1, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]]}, "ret_ret": [[884.7012485794306, 405.98410140794107, 1067.2575188334276, 955.6612424401444, 15.0], [505.0179476793058, 448.9935422775582, 544.0166766422712, 567.9896599798695, 14.0], [789.6069348150551, 438.5725683821714, 861.458996540926, 656.1341860289566, 12.0], [1696.288699092621, 312.6753221903409, 1893.3146942979486, 905.7733230123592, 11.0], [986.8548564871364, 394.2997318418199, 1182.741798630442, 983.9696023645047, 8.0], [1329.0379045924865, 420.4574921923693, 1422.1389987160633, 701.7580561108241, 7.0], [887.1435521699766, 261.782439699034, 1146.1585225623378, 1040.8283345240795, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[792.21, 433.93, 865.8530000000001, 656.86, 1.976], [883.2, 405.34, 1065.99, 955.72, 1.7785], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.78681], [1324.3, 423.72, 1415.196, 698.4100000000001, 0.62257], [1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1021.0, 421.0, 1187.0, 890.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1018.0, 400.0, 1227.0, 1014.0, 1.0], [1674.0, 428.0, 1899.0, 925.0, 1.0], [895.0, 421.0, 1030.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [498.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-70.0, 400.0, 121.0, 856.0, 1.0], [791.0, 441.0, 855.0, 657.0, 1.0], [1612.0, 412.0, 1801.0, 829.0, 1.0], [1287.0, 430.0, 1432.0, 705.0, 1.0], [1395.0, 443.0, 1455.0, 550.0, 1.0], [1184.0, 445.0, 1231.0, 550.0, 1.0], [854.0, 449.0, 876.0, 519.0, 1.0], [814.0, 445.0, 840.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [670.0, 456.0, 693.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 578.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 308, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 307}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 225}, {"time_since_observed": 0, "confidence": 1, "age": 223}, {"time_since_observed": 1, "confidence": 1, "age": 152}, {"time_since_observed": 0, "confidence": 0.5, "age": 114}, {"time_since_observed": 0, "confidence": 0.5537901620758964, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 88}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1187.8, 441.39, 1224.1209999999999, 552.35, 0.47241]]}, "ret_dets": [[792.21, 433.93, 865.8530000000001, 656.86, 1.976], [883.2, 405.34, 1065.99, 955.72, 1.7785], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.78681], [1324.3, 423.72, 1415.196, 698.4100000000001, 0.62257], [1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1021.0, 421.0, 1187.0, 890.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [989.0, 447.0, 1024.0, 560.0, 1.0], [1018.0, 400.0, 1227.0, 1014.0, 1.0], [1674.0, 428.0, 1899.0, 925.0, 1.0], [895.0, 421.0, 1030.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [498.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-70.0, 400.0, 121.0, 856.0, 1.0], [791.0, 441.0, 855.0, 657.0, 1.0], [1612.0, 412.0, 1801.0, 829.0, 1.0], [1287.0, 430.0, 1432.0, 705.0, 1.0], [1395.0, 443.0, 1455.0, 550.0, 1.0], [1184.0, 445.0, 1231.0, 550.0, 1.0], [854.0, 449.0, 876.0, 519.0, 1.0], [814.0, 445.0, 840.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [670.0, 456.0, 693.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 716.0, 609.0, 0.0], [505.0, 463.0, 531.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 578.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 309, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 2, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "unmatched": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched_before_before": []}, "ret_ret": [[884.5417908179966, 405.923305316954, 1067.146467095732, 955.7456403076026, 15.0], [792.3524098438465, 435.5043087389148, 865.371776457059, 656.5670703651566, 12.0], [1707.6133934254174, 309.3127499290168, 1904.8562977822237, 903.0637020733623, 11.0], [986.7696199328835, 394.37570928464265, 1182.6574196108766, 984.0481621285142, 8.0], [1324.8339383506504, 422.5661289057174, 1416.4149440865094, 699.3062100033047, 7.0], [890.5028604079168, 263.0944574363293, 1149.6209065999653, 1042.4503759579995, 2.0]], "ret_unmatched_trks_pos": [[505.04692742269884, 448.98339745480473, 544.0434468931752, 567.9727733725684, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 2.5988], [883.2, 405.34, 1065.99, 955.72, 1.5864], [1305.9, 423.72, 1396.796, 698.4100000000001, 1.1688], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.7079], [1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1024.0, 422.0, 1191.0, 891.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 560.0, 1.0], [1019.0, 400.0, 1235.0, 1012.0, 1.0], [1676.0, 429.0, 1919.0, 929.0, 1.0], [895.0, 421.0, 1027.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [497.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-51.0, 400.0, 123.0, 856.0, 1.0], [794.0, 441.0, 857.0, 658.0, 1.0], [1614.0, 412.0, 1814.0, 832.0, 1.0], [1282.0, 429.0, 1421.0, 701.0, 1.0], [1397.0, 442.0, 1456.0, 550.0, 1.0], [1186.0, 445.0, 1233.0, 550.0, 1.0], [856.0, 449.0, 878.0, 519.0, 1.0], [815.0, 445.0, 841.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [671.0, 456.0, 694.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 577.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 309, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 308}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 226}, {"time_since_observed": 0, "confidence": 1, "age": 224}, {"time_since_observed": 2, "confidence": 1, "age": 153}, {"time_since_observed": 0, "confidence": 0.5, "age": 115}, {"time_since_observed": 1, "confidence": 0.5593053037835994, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 89}], "unmatched": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]], "unmatched_before_before": []}, "ret_dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 2.5988], [883.2, 405.34, 1065.99, 955.72, 1.5864], [1305.9, 423.72, 1396.796, 698.4100000000001, 1.1688], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.7079], [1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1024.0, 422.0, 1191.0, 891.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [966.0, 449.0, 993.0, 525.0, 1.0], [1098.0, 436.0, 1136.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 560.0, 1.0], [1019.0, 400.0, 1235.0, 1012.0, 1.0], [1676.0, 429.0, 1919.0, 929.0, 1.0], [895.0, 421.0, 1027.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [497.0, 455.0, 541.0, 563.0, 1.0], [437.0, 456.0, 467.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-51.0, 400.0, 123.0, 856.0, 1.0], [794.0, 441.0, 857.0, 658.0, 1.0], [1614.0, 412.0, 1814.0, 832.0, 1.0], [1282.0, 429.0, 1421.0, 701.0, 1.0], [1397.0, 442.0, 1456.0, 550.0, 1.0], [1186.0, 445.0, 1233.0, 550.0, 1.0], [856.0, 449.0, 878.0, 519.0, 1.0], [815.0, 445.0, 841.0, 521.0, 1.0], [631.0, 458.0, 649.0, 518.0, 1.0], [671.0, 456.0, 694.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [579.0, 460.0, 601.0, 519.0, 1.0], [559.0, 461.0, 577.0, 519.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1005.0, 453.0, 1023.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 442.0, 616.0, 485.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 310, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 3, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "unmatched": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched_before_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]]}, "ret_ret": [[884.4113558032025, 405.87972105098237, 1067.0358591629, 955.7615427094665, 15.0], [794.9877801335051, 442.42259210076907, 865.3679668958932, 655.5672385297815, 12.0], [1718.9923597470588, 306.1135500594989, 1916.3436292776537, 900.1907087425589, 11.0], [986.6923830092364, 394.4443642708056, 1182.5810870089385, 984.1195397068823, 8.0], [1311.295229519181, 423.39376419909036, 1402.2906639808655, 698.3766579204023, 7.0], [893.8879452823152, 264.48400421677076, 1153.0575140011347, 1043.9948883487734, 2.0]], "ret_unmatched_trks_pos": [[505.07590722868895, 448.9732528230525, 544.070217081482, 567.9558865742662, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.921], [892.72, 412.56, 1063.2, 926.01, 1.3931], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1391], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.805], [1193.0, 433.0, 1232.0, 552.0, 0.65883], [497.0, 449.0, 536.0, 568.0, 0.51628]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1027.0, 422.0, 1196.0, 893.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 587.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [991.0, 447.0, 1026.0, 560.0, 1.0], [1021.0, 400.0, 1244.0, 1010.0, 1.0], [1679.0, 430.0, 1940.0, 934.0, 1.0], [896.0, 421.0, 1024.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [496.0, 455.0, 541.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-32.0, 400.0, 125.0, 855.0, 1.0], [798.0, 441.0, 860.0, 659.0, 1.0], [1615.0, 413.0, 1827.0, 835.0, 1.0], [1278.0, 428.0, 1410.0, 698.0, 1.0], [1400.0, 442.0, 1457.0, 550.0, 1.0], [1187.0, 445.0, 1234.0, 550.0, 1.0], [858.0, 449.0, 880.0, 519.0, 1.0], [816.0, 445.0, 842.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 519.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 310, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 309}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 227}, {"time_since_observed": 0, "confidence": 1, "age": 225}, {"time_since_observed": 3, "confidence": 1, "age": 154}, {"time_since_observed": 0, "confidence": 0.5, "age": 116}, {"time_since_observed": 2, "confidence": 0.28244986959849183, "age": 101}, {"time_since_observed": 0, "confidence": 0.5, "age": 90}], "unmatched": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]], "unmatched_before_before": [[1191.9, 446.72, 1225.7220000000002, 550.19, 0.37915], [1612.9, 378.26, 1783.38, 891.71, 0.35323]]}, "ret_dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.921], [892.72, 412.56, 1063.2, 926.01, 1.3931], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1391], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.805], [1193.0, 433.0, 1232.0, 552.0, 0.65883], [497.0, 449.0, 536.0, 568.0, 0.51628]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1027.0, 422.0, 1196.0, 893.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 591.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [698.0, 487.0, 740.0, 587.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [991.0, 447.0, 1026.0, 560.0, 1.0], [1021.0, 400.0, 1244.0, 1010.0, 1.0], [1679.0, 430.0, 1940.0, 934.0, 1.0], [896.0, 421.0, 1024.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [496.0, 455.0, 541.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-32.0, 400.0, 125.0, 855.0, 1.0], [798.0, 441.0, 860.0, 659.0, 1.0], [1615.0, 413.0, 1827.0, 835.0, 1.0], [1278.0, 428.0, 1410.0, 698.0, 1.0], [1400.0, 442.0, 1457.0, 550.0, 1.0], [1187.0, 445.0, 1234.0, 550.0, 1.0], [858.0, 449.0, 880.0, 519.0, 1.0], [816.0, 445.0, 842.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [667.0, 531.0, 715.0, 609.0, 0.0], [505.0, 463.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 519.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 514.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 311, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 4, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "unmatched": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched_before_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]]}, "ret_ret": [[890.2854135216198, 409.86912354686257, 1065.3397062869874, 937.0428817402608, 15.0], [498.3389078404767, 448.99442976362445, 537.3372599702523, 567.9894007795576, 14.0], [795.9076966304117, 445.10205767028543, 865.2533613774879, 655.1407446327667, 12.0], [1730.3984285159156, 302.9959354003188, 1927.8038583258683, 897.2361302014178, 11.0], [986.622452926658, 394.50635561174647, 1182.5120729913024, 984.1842887724848, 8.0], [1294.2432111055855, 423.72195754130894, 1385.01565297239, 698.0356659802601, 7.0], [897.2859127087033, 265.91229817552136, 1156.4812388503144, 1045.500653561238, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.7129], [883.2, 405.34, 1065.99, 955.72, 1.2705], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1459], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.73445], [1193.0, 441.0, 1232.0, 560.0, 0.54222], [497.0, 449.0, 536.0, 568.0, 0.33336]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1030.0, 423.0, 1200.0, 894.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1024.0, 400.0, 1244.0, 1009.0, 1.0], [1683.0, 428.0, 1943.0, 936.0, 1.0], [896.0, 421.0, 1026.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [495.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-13.0, 400.0, 128.0, 855.0, 1.0], [800.0, 441.0, 864.0, 658.0, 1.0], [1617.0, 414.0, 1841.0, 839.0, 1.0], [1274.0, 427.0, 1400.0, 695.0, 1.0], [1403.0, 442.0, 1458.0, 550.0, 1.0], [1189.0, 445.0, 1236.0, 550.0, 1.0], [860.0, 449.0, 882.0, 519.0, 1.0], [817.0, 445.0, 843.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 311, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 310}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 228}, {"time_since_observed": 0, "confidence": 1, "age": 226}, {"time_since_observed": 4, "confidence": 1, "age": 155}, {"time_since_observed": 0, "confidence": 0.5, "age": 117}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 102}, {"time_since_observed": 0, "confidence": 0.5, "age": 91}], "unmatched": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]], "unmatched_before_before": [[1195.3, 441.39, 1231.6209999999999, 552.35, 0.43321]]}, "ret_dets": [[794.94, 446.72, 863.5840000000001, 654.6500000000001, 1.7129], [883.2, 405.34, 1065.99, 955.72, 1.2705], [1287.5, 423.72, 1378.396, 698.4100000000001, 1.1459], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.73445], [1193.0, 441.0, 1232.0, 560.0, 0.54222], [497.0, 449.0, 536.0, 568.0, 0.33336]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1030.0, 423.0, 1200.0, 894.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1024.0, 400.0, 1244.0, 1009.0, 1.0], [1683.0, 428.0, 1943.0, 936.0, 1.0], [896.0, 421.0, 1026.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [495.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 437.0, 544.0, 1.0], [-13.0, 400.0, 128.0, 855.0, 1.0], [800.0, 441.0, 864.0, 658.0, 1.0], [1617.0, 414.0, 1841.0, 839.0, 1.0], [1274.0, 427.0, 1400.0, 695.0, 1.0], [1403.0, 442.0, 1458.0, 550.0, 1.0], [1189.0, 445.0, 1236.0, 550.0, 1.0], [860.0, 449.0, 882.0, 519.0, 1.0], [817.0, 445.0, 843.0, 521.0, 1.0], [632.0, 458.0, 650.0, 518.0, 1.0], [672.0, 456.0, 695.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 532.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 312, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 5, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "unmatched": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched_before_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]]}, "ret_ret": [[886.4583487314201, 407.3203160498647, 1066.2394564107217, 948.6742631274765, 15.0], [497.26055994411047, 448.99614410491677, 536.259222901043, 567.9920640978372, 14.0], [796.1695497205044, 446.1261881491165, 865.1156252599742, 654.9648532469454, 12.0], [1741.8180401403765, 299.91908815650316, 1939.2505445184788, 894.2407842449122, 11.0], [986.5591576815108, 394.562306432496, 1182.449692241098, 984.2429925086481, 8.0], [1287.950916954213, 423.8567317406299, 1378.6396887982478, 697.9193779627436, 7.0], [900.6903199706967, 267.3599613911298, 1159.8985238638888, 1046.9870495168448, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1287.5, 423.72, 1378.396, 698.4100000000001, 1.6719], [807.14, 433.93, 880.783, 656.86, 1.3293], [892.72, 412.56, 1063.2, 926.01, 1.3205], [1.0, 389.14, 149.29, 836.0, 0.6479], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58464], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1033.0, 423.0, 1205.0, 896.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1027.0, 400.0, 1244.0, 1009.0, 1.0], [1687.0, 426.0, 1946.0, 938.0, 1.0], [896.0, 421.0, 1029.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-9.0, 400.0, 152.0, 855.0, 1.0], [803.0, 441.0, 868.0, 658.0, 1.0], [1621.0, 413.0, 1843.0, 842.0, 1.0], [1271.0, 426.0, 1384.0, 694.0, 1.0], [1406.0, 442.0, 1459.0, 550.0, 1.0], [1190.0, 445.0, 1237.0, 550.0, 1.0], [862.0, 449.0, 884.0, 519.0, 1.0], [818.0, 445.0, 844.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [673.0, 456.0, 696.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 312, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 311}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 229}, {"time_since_observed": 0, "confidence": 1, "age": 227}, {"time_since_observed": 5, "confidence": 1, "age": 156}, {"time_since_observed": 0, "confidence": 0.5, "age": 118}, {"time_since_observed": 0, "confidence": 0.28244986959849183, "age": 103}, {"time_since_observed": 0, "confidence": 0.5, "age": 92}], "unmatched": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]], "unmatched_before_before": [[1193.0, 433.0, 1232.0, 552.0, 0.65883]]}, "ret_dets": [[1287.5, 423.72, 1378.396, 698.4100000000001, 1.6719], [807.14, 433.93, 880.783, 656.86, 1.3293], [892.72, 412.56, 1063.2, 926.01, 1.3205], [1.0, 389.14, 149.29, 836.0, 0.6479], [985.92, 394.97, 1181.8999999999999, 984.9200000000001, 0.58464], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1033.0, 423.0, 1205.0, 896.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [965.0, 449.0, 992.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1027.0, 400.0, 1244.0, 1009.0, 1.0], [1687.0, 426.0, 1946.0, 938.0, 1.0], [896.0, 421.0, 1029.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 540.0, 563.0, 1.0], [436.0, 456.0, 466.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-9.0, 400.0, 152.0, 855.0, 1.0], [803.0, 441.0, 868.0, 658.0, 1.0], [1621.0, 413.0, 1843.0, 842.0, 1.0], [1271.0, 426.0, 1384.0, 694.0, 1.0], [1406.0, 442.0, 1459.0, 550.0, 1.0], [1190.0, 445.0, 1237.0, 550.0, 1.0], [862.0, 449.0, 884.0, 519.0, 1.0], [818.0, 445.0, 844.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [673.0, 456.0, 696.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [596.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 313, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 6, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "unmatched": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched_before_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]]}, "ret_ret": [[890.9695227117079, 410.478343263867, 1064.9003133803972, 934.2811023093457, 15.0], [804.2119289038322, 438.3362043769281, 876.1504759407841, 656.1571533678672, 12.0], [1753.2444211029815, 296.8626183299725, 1950.6904613729453, 891.2250608711217, 11.0], [986.5018724574672, 394.6127904635283, 1182.3933149282936, 984.2962096046991, 8.0], [1285.7567060182826, 423.91623441962065, 1376.4151320072972, 697.8878578176707, 7.0], [904.0979467905412, 268.8173081525323, 1163.312589319612, 1048.4637619266578, 2.0]], "ret_unmatched_trks_pos": [[496.6783663910708, 448.99030531650186, 535.6749313320696, 567.9798236710774, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.2529], [892.72, 412.56, 1063.2, 926.01, 1.2858], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.92191], [1269.2, 423.72, 1360.096, 698.4100000000001, 0.78125], [30.857, 389.14, 179.147, 836.0, 0.78032], [498.3, 446.86, 540.171, 574.47, 0.35779]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1036.0, 423.0, 1210.0, 897.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1030.0, 400.0, 1244.0, 1009.0, 1.0], [1692.0, 425.0, 1950.0, 941.0, 1.0], [896.0, 421.0, 1032.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-4.0, 401.0, 176.0, 855.0, 1.0], [805.0, 441.0, 872.0, 658.0, 1.0], [1626.0, 412.0, 1846.0, 845.0, 1.0], [1269.0, 426.0, 1369.0, 693.0, 1.0], [1409.0, 442.0, 1460.0, 551.0, 1.0], [1192.0, 445.0, 1239.0, 550.0, 1.0], [865.0, 450.0, 887.0, 520.0, 1.0], [819.0, 445.0, 845.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 313, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 312}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 230}, {"time_since_observed": 0, "confidence": 1, "age": 228}, {"time_since_observed": 6, "confidence": 1, "age": 157}, {"time_since_observed": 0, "confidence": 0.5, "age": 119}, {"time_since_observed": 1, "confidence": 0.5869688018034849, "age": 104}, {"time_since_observed": 0, "confidence": 0.5, "age": 93}], "unmatched": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]], "unmatched_before_before": [[1193.0, 441.0, 1232.0, 560.0, 0.54222]]}, "ret_dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.2529], [892.72, 412.56, 1063.2, 926.01, 1.2858], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.92191], [1269.2, 423.72, 1360.096, 698.4100000000001, 0.78125], [30.857, 389.14, 179.147, 836.0, 0.78032], [498.3, 446.86, 540.171, 574.47, 0.35779]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1036.0, 423.0, 1210.0, 897.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1098.0, 436.0, 1137.0, 545.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1030.0, 400.0, 1244.0, 1009.0, 1.0], [1692.0, 425.0, 1950.0, 941.0, 1.0], [896.0, 421.0, 1032.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [494.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [-4.0, 401.0, 176.0, 855.0, 1.0], [805.0, 441.0, 872.0, 658.0, 1.0], [1626.0, 412.0, 1846.0, 845.0, 1.0], [1269.0, 426.0, 1369.0, 693.0, 1.0], [1409.0, 442.0, 1460.0, 551.0, 1.0], [1192.0, 445.0, 1239.0, 550.0, 1.0], [865.0, 450.0, 887.0, 520.0, 1.0], [819.0, 445.0, 845.0, 521.0, 1.0], [632.0, 458.0, 651.0, 519.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [658.0, 462.0, 683.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 533.0, 542.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [538.0, 457.0, 559.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 314, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 7, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "unmatched": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "unmatched_before_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]]}, "ret_ret": [[892.6636937924941, 411.7744359200767, 1064.309871033845, 928.7215259178904, 15.0], [497.8414694949019, 447.48401762403785, 538.9605519317558, 572.8428910598126, 14.0], [808.2354586329805, 443.51714649049126, 878.1876764929782, 655.3769673313355, 12.0], [1764.674186212537, 293.8163356403656, 1962.1269940804611, 888.1991503604074, 11.0], [1012.1645339558584, 394.6583302624114, 1208.056875909692, 984.3444570853326, 8.0], [1273.137928430535, 423.9458974056801, 1363.786377582884, 697.8876313557869, 7.0], [907.5071832993418, 270.2794964162283, 1166.7250450863794, 1049.9356328341769, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.1666], [30.857, 389.14, 179.147, 836.0, 1.2889], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.1903], [867.73, 355.57, 1063.71, 945.52, 1.1046], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.86518]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1039.0, 424.0, 1214.0, 899.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1034.0, 400.0, 1244.0, 1009.0, 1.0], [1690.0, 419.0, 1934.0, 938.0, 1.0], [896.0, 421.0, 1034.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [1.0, 402.0, 200.0, 855.0, 1.0], [808.0, 441.0, 876.0, 658.0, 1.0], [1631.0, 412.0, 1849.0, 848.0, 1.0], [1267.0, 426.0, 1354.0, 692.0, 1.0], [1413.0, 441.0, 1463.0, 550.0, 1.0], [1193.0, 445.0, 1240.0, 550.0, 1.0], [866.0, 450.0, 888.0, 520.0, 1.0], [820.0, 445.0, 846.0, 521.0, 1.0], [632.0, 458.0, 652.0, 520.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 314, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 313}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 231}, {"time_since_observed": 0, "confidence": 1, "age": 229}, {"time_since_observed": 7, "confidence": 1, "age": 158}, {"time_since_observed": 0, "confidence": 0.5, "age": 120}, {"time_since_observed": 0, "confidence": 0.5869688018034849, "age": 105}, {"time_since_observed": 0, "confidence": 0.5, "age": 94}], "unmatched": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "unmatched_before": [[30.857, 389.14, 179.147, 836.0, 0.78032]], "unmatched_before_before": [[1.0, 389.14, 149.29, 836.0, 0.6479], [1198.9, 446.72, 1232.7220000000002, 550.19, 0.5088]]}, "ret_dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.1666], [30.857, 389.14, 179.147, 836.0, 1.2889], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.1903], [867.73, 355.57, 1063.71, 945.52, 1.1046], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.86518]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1039.0, 424.0, 1214.0, 899.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1034.0, 400.0, 1244.0, 1009.0, 1.0], [1690.0, 419.0, 1934.0, 938.0, 1.0], [896.0, 421.0, 1034.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 539.0, 563.0, 1.0], [435.0, 456.0, 465.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [1.0, 402.0, 200.0, 855.0, 1.0], [808.0, 441.0, 876.0, 658.0, 1.0], [1631.0, 412.0, 1849.0, 848.0, 1.0], [1267.0, 426.0, 1354.0, 692.0, 1.0], [1413.0, 441.0, 1463.0, 550.0, 1.0], [1193.0, 445.0, 1240.0, 550.0, 1.0], [866.0, 450.0, 888.0, 520.0, 1.0], [820.0, 445.0, 846.0, 521.0, 1.0], [632.0, 458.0, 652.0, 520.0, 1.0], [674.0, 456.0, 697.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [596.0, 443.0, 616.0, 486.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 315, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 8, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[30.857, 389.13999999999993, 179.147, 836.0, 19.0], [877.1346416319149, 375.64333984240153, 1064.1750491549449, 938.7861232040934, 15.0], [809.6728621866399, 445.51551447196493, 878.8511916954836, 655.0516226976165, 12.0], [1776.1056432650735, 290.7751461264007, 1973.5618348449962, 885.1681466740512, 11.0], [1021.8461475061971, 394.69939966640925, 1217.7393798797932, 984.3882068837585, 8.0], [1268.5413385186737, 423.96322220661045, 1359.1875765611442, 697.8983737290118, 7.0], [910.9172246301302, 271.7441053634268, 1170.1366960311586, 1051.4050830581937, 2.0]], "ret_unmatched_trks_pos": [[497.4886830261722, 447.584097661005, 538.6317797087903, 573.016182817883, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[807.14, 433.93, 880.783, 656.86, 2.1576], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.9732], [892.72, 412.56, 1063.2, 926.01, 1.1444], [30.857, 389.14, 179.147, 836.0, 1.112], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.95874]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1042.0, 424.0, 1219.0, 900.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1037.0, 400.0, 1244.0, 1009.0, 1.0], [1718.0, 420.0, 1941.0, 941.0, 1.0], [896.0, 421.0, 1037.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [6.0, 402.0, 225.0, 855.0, 1.0], [811.0, 441.0, 880.0, 658.0, 1.0], [1643.0, 409.0, 1852.0, 847.0, 1.0], [1263.0, 425.0, 1348.0, 691.0, 1.0], [1418.0, 441.0, 1466.0, 550.0, 1.0], [1195.0, 446.0, 1242.0, 551.0, 1.0], [868.0, 450.0, 890.0, 520.0, 1.0], [821.0, 445.0, 847.0, 521.0, 1.0], [632.0, 459.0, 652.0, 520.0, 1.0], [675.0, 456.0, 698.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 315, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 314}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 232}, {"time_since_observed": 0, "confidence": 1, "age": 230}, {"time_since_observed": 8, "confidence": 1, "age": 159}, {"time_since_observed": 0, "confidence": 0.5, "age": 121}, {"time_since_observed": 1, "confidence": 0.6744409583467609, "age": 106}, {"time_since_observed": 0, "confidence": 0.5, "age": 95}, {"time_since_observed": 0, "confidence": 0.5, "age": 0}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[807.14, 433.93, 880.783, 656.86, 2.1576], [1269.2, 423.72, 1360.096, 698.4100000000001, 1.9732], [892.72, 412.56, 1063.2, 926.01, 1.1444], [30.857, 389.14, 179.147, 836.0, 1.112], [1025.3, 394.97, 1221.28, 984.9200000000001, 0.95874]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1042.0, 424.0, 1219.0, 900.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [964.0, 449.0, 991.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1037.0, 400.0, 1244.0, 1009.0, 1.0], [1718.0, 420.0, 1941.0, 941.0, 1.0], [896.0, 421.0, 1037.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 575.0, 1.0], [493.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [6.0, 402.0, 225.0, 855.0, 1.0], [811.0, 441.0, 880.0, 658.0, 1.0], [1643.0, 409.0, 1852.0, 847.0, 1.0], [1263.0, 425.0, 1348.0, 691.0, 1.0], [1418.0, 441.0, 1466.0, 550.0, 1.0], [1195.0, 446.0, 1242.0, 551.0, 1.0], [868.0, 450.0, 890.0, 520.0, 1.0], [821.0, 445.0, 847.0, 521.0, 1.0], [632.0, 459.0, 652.0, 520.0, 1.0], [675.0, 456.0, 698.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [691.0, 462.0, 710.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 534.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 316, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 9, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[30.857, 389.13999999999993, 179.147, 836.0, 19.0], [887.2211787984586, 398.27393061699166, 1064.0561773728355, 930.7975047441801, 15.0], [809.0549009742422, 438.10737677983155, 881.0770846504311, 656.1791599685768, 12.0], [1787.5379462564817, 287.73650310206585, 1984.9958296706593, 882.1345964980649, 11.0], [1025.411611100018, 394.73642755652185, 1221.3057246561066, 984.427887359981, 8.0], [1266.9964151429776, 423.9750055691564, 1357.6433916443107, 697.9124267757343, 7.0], [914.3276683662905, 273.20992463546645, 1173.5479445705662, 1052.8733229573693, 2.0]], "ret_unmatched_trks_pos": [[497.1359035616273, 447.68419905148124, 538.30300048164, 573.1894532224442, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1270.0, 412.56, 1354.742, 668.79, 1.6028], [808.87, 446.72, 877.514, 654.6500000000001, 1.4812], [892.72, 412.56, 1063.2, 926.01, 1.23], [1014.4, 381.02, 1224.52, 1013.38, 0.99986], [28.858, 391.01, 167.148, 807.87, 0.76531]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1045.0, 425.0, 1223.0, 902.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1040.0, 400.0, 1244.0, 1009.0, 1.0], [1738.0, 421.0, 1961.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [492.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [11.0, 403.0, 249.0, 855.0, 1.0], [813.0, 441.0, 884.0, 658.0, 1.0], [1655.0, 407.0, 1856.0, 846.0, 1.0], [1260.0, 425.0, 1343.0, 690.0, 1.0], [1423.0, 440.0, 1469.0, 550.0, 1.0], [1196.0, 446.0, 1243.0, 551.0, 1.0], [869.0, 450.0, 891.0, 520.0, 1.0], [822.0, 445.0, 848.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 316, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 8, "confidence": 1, "age": 315}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 233}, {"time_since_observed": 0, "confidence": 1, "age": 231}, {"time_since_observed": 9, "confidence": 1, "age": 160}, {"time_since_observed": 0, "confidence": 0.5, "age": 122}, {"time_since_observed": 2, "confidence": 0.3399254750382943, "age": 107}, {"time_since_observed": 0, "confidence": 0.5, "age": 96}, {"time_since_observed": 0, "confidence": 0.5, "age": 1}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1270.0, 412.56, 1354.742, 668.79, 1.6028], [808.87, 446.72, 877.514, 654.6500000000001, 1.4812], [892.72, 412.56, 1063.2, 926.01, 1.23], [1014.4, 381.02, 1224.52, 1013.38, 0.99986], [28.858, 391.01, 167.148, 807.87, 0.76531]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1045.0, 425.0, 1223.0, 902.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1137.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1040.0, 400.0, 1244.0, 1009.0, 1.0], [1738.0, 421.0, 1961.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [492.0, 455.0, 538.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [11.0, 403.0, 249.0, 855.0, 1.0], [813.0, 441.0, 884.0, 658.0, 1.0], [1655.0, 407.0, 1856.0, 846.0, 1.0], [1260.0, 425.0, 1343.0, 690.0, 1.0], [1423.0, 440.0, 1469.0, 550.0, 1.0], [1196.0, 446.0, 1243.0, 551.0, 1.0], [869.0, 450.0, 891.0, 520.0, 1.0], [822.0, 445.0, 848.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [666.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 317, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 10, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[29.126925450528717, 390.67077831038375, 168.9439105871429, 812.0828175139667, 19.0], [891.11438508067, 407.17821346307653, 1063.8954915664474, 927.533899697511, 15.0], [809.7855806309254, 443.4275289436424, 879.7693398538823, 655.3819832298981, 12.0], [1798.9706722091717, 284.69913329799977, 1996.4294015350408, 879.0997731018098, 11.0], [1019.688091477518, 386.1414766584559, 1224.4942070673378, 1002.566950791159, 8.0], [1267.0052161964952, 416.3349697550913, 1353.8665967768059, 678.9193540069705, 7.0], [917.738313303731, 274.6763490656992, 1176.9589919086934, 1054.3409576983518, 2.0]], "ret_unmatched_trks_pos": [[496.783131089024, 447.78432175814146, 537.974214262548, 573.3627023108215, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[807.14, 433.93, 880.783, 656.86, 1.4888], [1250.8, 405.34, 1341.696, 680.03, 1.371], [1014.4, 381.02, 1224.52, 1013.38, 1.1507], [892.72, 412.56, 1063.2, 926.01, 1.0754], [30.857, 389.14, 179.147, 836.0, 0.72954]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1048.0, 425.0, 1228.0, 903.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1044.0, 400.0, 1244.0, 1009.0, 1.0], [1759.0, 422.0, 1982.0, 941.0, 1.0], [896.0, 421.0, 1043.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [16.0, 404.0, 273.0, 855.0, 1.0], [816.0, 441.0, 888.0, 658.0, 1.0], [1667.0, 405.0, 1859.0, 845.0, 1.0], [1257.0, 425.0, 1338.0, 689.0, 1.0], [1428.0, 440.0, 1472.0, 550.0, 1.0], [1197.0, 446.0, 1244.0, 551.0, 1.0], [871.0, 450.0, 893.0, 520.0, 1.0], [823.0, 445.0, 849.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 317, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 9, "confidence": 1, "age": 316}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 234}, {"time_since_observed": 0, "confidence": 1, "age": 232}, {"time_since_observed": 10, "confidence": 1, "age": 161}, {"time_since_observed": 0, "confidence": 0.5, "age": 123}, {"time_since_observed": 3, "confidence": 0.2326023699695091, "age": 108}, {"time_since_observed": 0, "confidence": 0.5, "age": 97}, {"time_since_observed": 0, "confidence": 0.5, "age": 2}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[807.14, 433.93, 880.783, 656.86, 1.4888], [1250.8, 405.34, 1341.696, 680.03, 1.371], [1014.4, 381.02, 1224.52, 1013.38, 1.1507], [892.72, 412.56, 1063.2, 926.01, 1.0754], [30.857, 389.14, 179.147, 836.0, 0.72954]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1048.0, 425.0, 1228.0, 903.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1044.0, 400.0, 1244.0, 1009.0, 1.0], [1759.0, 422.0, 1982.0, 941.0, 1.0], [896.0, 421.0, 1043.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [434.0, 456.0, 464.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [407.0, 461.0, 438.0, 544.0, 1.0], [16.0, 404.0, 273.0, 855.0, 1.0], [816.0, 441.0, 888.0, 658.0, 1.0], [1667.0, 405.0, 1859.0, 845.0, 1.0], [1257.0, 425.0, 1338.0, 689.0, 1.0], [1428.0, 440.0, 1472.0, 550.0, 1.0], [1197.0, 446.0, 1244.0, 551.0, 1.0], [871.0, 450.0, 893.0, 520.0, 1.0], [823.0, 445.0, 849.0, 521.0, 1.0], [632.0, 459.0, 653.0, 521.0, 1.0], [676.0, 456.0, 699.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 715.0, 609.0, 0.0], [505.0, 462.0, 535.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 318, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 10, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 11, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[30.26750594831286, 389.5690065507939, 175.82909437529173, 828.240780882972, 19.0], [892.5746037907641, 410.6294606442404, 1063.7841645923893, 926.2673715672909, 15.0], [808.9274259050742, 437.33126441923423, 881.2453721669174, 656.2901912022135, 12.0], [1810.403609640464, 281.6624000979319, 2007.8627619208198, 876.0643131015565, 11.0], [1017.4411448483028, 383.0108300081167, 1225.5514186820938, 1009.344918570529, 8.0], [1254.7499726789567, 409.07764861797364, 1343.9732672661842, 678.7468598719984, 7.0], [921.1490588414605, 276.14307607397166, 1180.3699386465319, 1055.8082898612947, 2.0]], "ret_unmatched_trks_pos": [[496.4303655961548, 447.88446574376894, 537.645421063722, 573.5359301202316, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.159], [1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [1250.8, 405.34, 1341.696, 680.03, 1.1059], [867.73, 355.57, 1063.71, 945.52, 1.023], [1014.4, 381.02, 1224.52, 1013.38, 0.97215], [56.715, 391.01, 195.005, 807.87, 0.4247], [681.03, 460.48, 725.978, 597.32, 0.31618]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1051.0, 426.0, 1232.0, 905.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1047.0, 400.0, 1244.0, 1009.0, 1.0], [1780.0, 423.0, 2003.0, 941.0, 1.0], [896.0, 421.0, 1041.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [21.0, 405.0, 298.0, 855.0, 1.0], [818.0, 441.0, 892.0, 658.0, 1.0], [1680.0, 403.0, 1863.0, 845.0, 1.0], [1245.0, 426.0, 1336.0, 687.0, 1.0], [1433.0, 440.0, 1476.0, 550.0, 1.0], [1198.0, 446.0, 1245.0, 551.0, 1.0], [872.0, 450.0, 894.0, 520.0, 1.0], [824.0, 445.0, 850.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [677.0, 456.0, 700.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 318, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 10, "confidence": 1, "age": 317}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 235}, {"time_since_observed": 0, "confidence": 1, "age": 233}, {"time_since_observed": 11, "confidence": 1, "age": 162}, {"time_since_observed": 0, "confidence": 0.5, "age": 124}, {"time_since_observed": 4, "confidence": 0.17840361356732518, "age": 109}, {"time_since_observed": 0, "confidence": 0.5, "age": 98}, {"time_since_observed": 0, "confidence": 0.5, "age": 3}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[808.87, 446.72, 877.514, 654.6500000000001, 2.159], [1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [1250.8, 405.34, 1341.696, 680.03, 1.1059], [867.73, 355.57, 1063.71, 945.52, 1.023], [1014.4, 381.02, 1224.52, 1013.38, 0.97215], [56.715, 391.01, 195.005, 807.87, 0.4247], [681.03, 460.48, 725.978, 597.32, 0.31618]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1051.0, 426.0, 1232.0, 905.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 782.0, 592.0, 0.0], [963.0, 449.0, 990.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1047.0, 400.0, 1244.0, 1009.0, 1.0], [1780.0, 423.0, 2003.0, 941.0, 1.0], [896.0, 421.0, 1041.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [491.0, 455.0, 537.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [21.0, 405.0, 298.0, 855.0, 1.0], [818.0, 441.0, 892.0, 658.0, 1.0], [1680.0, 403.0, 1863.0, 845.0, 1.0], [1245.0, 426.0, 1336.0, 687.0, 1.0], [1433.0, 440.0, 1476.0, 550.0, 1.0], [1198.0, 446.0, 1245.0, 551.0, 1.0], [872.0, 450.0, 894.0, 520.0, 1.0], [824.0, 445.0, 850.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [677.0, 456.0, 700.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 477.0, 727.0, 535.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 455.0, 1041.0, 533.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 319, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 11, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched_before_before": []}, "ret_ret": [[49.88138865332972, 390.625294025756, 189.8910579824717, 812.629514673303, 19.0], [876.962609572164, 375.2923886642485, 1063.8535793700676, 937.9876519915664, 15.0], [809.5752768973191, 443.1308842381055, 879.6744784036352, 655.431865849091, 12.0], [1016.4905375772112, 381.83221581008013, 1225.8492343527012, 1011.9096655539917, 8.0], [1250.2828348092664, 406.3863660097335, 1340.3937872142367, 678.717112670526, 7.0], [924.5598546792464, 277.60995437099973, 1183.7808350843136, 1057.2754707354818, 2.0]], "ret_unmatched_trks_pos": [[496.07760707084776, 447.9846309712552, 537.3166208973337, 573.7091366877828, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[819.75, 455.86, 883.73, 649.8, 1.8534], [1014.4, 381.02, 1224.52, 1013.38, 1.1479], [867.73, 355.57, 1063.71, 945.52, 1.1153], [1209.6, 449.36, 1241.09, 545.83, 0.7814], [60.714, 389.14, 209.004, 836.0, 0.64937], [1732.7, 389.14, 1880.99, 836.0, 0.51941], [1252.8, 429.71, 1337.542, 685.94, 0.47495]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1054.0, 426.0, 1237.0, 906.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1050.0, 400.0, 1244.0, 1009.0, 1.0], [1800.0, 424.0, 2024.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [24.0, 405.0, 301.0, 853.0, 1.0], [821.0, 441.0, 896.0, 658.0, 1.0], [1696.0, 401.0, 1870.0, 846.0, 1.0], [1233.0, 427.0, 1334.0, 685.0, 1.0], [1434.0, 439.0, 1479.0, 549.0, 1.0], [1200.0, 446.0, 1247.0, 551.0, 1.0], [874.0, 450.0, 896.0, 520.0, 1.0], [825.0, 445.0, 851.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 319, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 11, "confidence": 1, "age": 318}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 236}, {"time_since_observed": 0, "confidence": 1, "age": 234}, {"time_since_observed": 0, "confidence": 0.5, "age": 125}, {"time_since_observed": 5, "confidence": 0.1412956193587427, "age": 110}, {"time_since_observed": 0, "confidence": 0.5, "age": 99}, {"time_since_observed": 0, "confidence": 0.5, "age": 4}], "unmatched": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]], "unmatched_before_before": []}, "ret_dets": [[819.75, 455.86, 883.73, 649.8, 1.8534], [1014.4, 381.02, 1224.52, 1013.38, 1.1479], [867.73, 355.57, 1063.71, 945.52, 1.1153], [1209.6, 449.36, 1241.09, 545.83, 0.7814], [60.714, 389.14, 209.004, 836.0, 0.64937], [1732.7, 389.14, 1880.99, 836.0, 0.51941], [1252.8, 429.71, 1337.542, 685.94, 0.47495]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1054.0, 426.0, 1237.0, 906.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1050.0, 400.0, 1244.0, 1009.0, 1.0], [1800.0, 424.0, 2024.0, 941.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [433.0, 456.0, 463.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [24.0, 405.0, 301.0, 853.0, 1.0], [821.0, 441.0, 896.0, 658.0, 1.0], [1696.0, 401.0, 1870.0, 846.0, 1.0], [1233.0, 427.0, 1334.0, 685.0, 1.0], [1434.0, 439.0, 1479.0, 549.0, 1.0], [1200.0, 446.0, 1247.0, 551.0, 1.0], [874.0, 450.0, 896.0, 520.0, 1.0], [825.0, 445.0, 851.0, 521.0, 1.0], [632.0, 459.0, 654.0, 522.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 536.0, 541.0, 1.0], [580.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 515.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [539.0, 457.0, 560.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 320, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 12, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]]}, "ret_ret": [[59.17005144064157, 389.6153897040816, 204.56105960809978, 827.7777129275004, 19.0], [871.1618812959307, 362.3553634879094, 1063.7083057801517, 942.0109621874567, 15.0], [816.7655809521157, 451.0292876897513, 883.1583000528028, 652.2148495489125, 12.0], [1016.0390936619965, 381.3801750476548, 1225.8726780555048, 1012.881496563499, 8.0], [1249.9673942150205, 420.9997212446438, 1336.620678156434, 682.9598764260195, 7.0], [927.9706756670386, 279.07690831233964, 1187.1917063720891, 1058.7425759653572, 2.0]], "ret_unmatched_trks_pos": [[495.7248555009662, 448.0848174035996, 536.98781377552, 573.882322050476, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[822.8, 446.72, 891.444, 654.6500000000001, 2.1102], [867.73, 355.57, 1063.71, 945.52, 1.1511], [1014.4, 381.02, 1224.52, 1013.38, 1.0649], [1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1058.0, 427.0, 1242.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1821.0, 425.0, 2045.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [28.0, 405.0, 305.0, 851.0, 1.0], [824.0, 441.0, 900.0, 658.0, 1.0], [1712.0, 400.0, 1877.0, 848.0, 1.0], [1221.0, 428.0, 1332.0, 683.0, 1.0], [1436.0, 439.0, 1483.0, 549.0, 1.0], [1201.0, 446.0, 1248.0, 551.0, 1.0], [876.0, 450.0, 898.0, 520.0, 1.0], [826.0, 445.0, 852.0, 521.0, 1.0], [633.0, 460.0, 655.0, 523.0, 1.0], [679.0, 456.0, 702.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 537.0, 541.0, 1.0], [581.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 320, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 12, "confidence": 1, "age": 319}, {"time_since_observed": 0, "confidence": 0.3447157409799234, "age": 237}, {"time_since_observed": 0, "confidence": 1, "age": 235}, {"time_since_observed": 0, "confidence": 0.5, "age": 126}, {"time_since_observed": 6, "confidence": 0.12431110705782988, "age": 111}, {"time_since_observed": 0, "confidence": 0.5, "age": 100}, {"time_since_observed": 0, "confidence": 0.5, "age": 5}], "unmatched": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]], "unmatched_before_before": [[1205.8, 446.72, 1239.6219999999998, 550.19, 1.2858], [681.03, 460.48, 725.978, 597.32, 0.31618]]}, "ret_dets": [[822.8, 446.72, 891.444, 654.6500000000001, 2.1102], [867.73, 355.57, 1063.71, 945.52, 1.1511], [1014.4, 381.02, 1224.52, 1013.38, 1.0649], [1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1058.0, 427.0, 1242.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 485.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [962.0, 449.0, 989.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1821.0, 425.0, 2045.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 536.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [28.0, 405.0, 305.0, 851.0, 1.0], [824.0, 441.0, 900.0, 658.0, 1.0], [1712.0, 400.0, 1877.0, 848.0, 1.0], [1221.0, 428.0, 1332.0, 683.0, 1.0], [1436.0, 439.0, 1483.0, 549.0, 1.0], [1201.0, 446.0, 1248.0, 551.0, 1.0], [876.0, 450.0, 898.0, 520.0, 1.0], [826.0, 445.0, 852.0, 521.0, 1.0], [633.0, 460.0, 655.0, 523.0, 1.0], [679.0, 456.0, 702.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [505.0, 462.0, 537.0, 541.0, 1.0], [581.0, 460.0, 601.0, 518.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 512.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 518.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 321, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 13, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 6}], "unmatched": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]]}, "ret_ret": [[868.9704823107011, 357.5381341718785, 1063.6342259559865, 943.5419062191431, 15.0], [821.52176595674, 448.36924067782013, 889.3444131955573, 653.8405066712554, 12.0], [1015.7861674399501, 381.2029807202619, 1225.8008279513492, 1013.2472190803394, 8.0], [1244.9320378026086, 421.0925827856071, 1331.1366756108587, 681.6964430255883, 7.0], [931.3815092298285, 280.5439000758189, 1190.6025650848671, 1060.209643373093, 2.0]], "ret_unmatched_trks_pos": [[495.37211087440875, 448.18502500390855, 536.6589997103821, 574.0554862452045, 14.0], [65.51113056195632, 389.7522858724991, 210.47936892268174, 826.640515167816, 19.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[822.8, 446.72, 891.444, 654.6500000000001, 2.321], [1014.4, 381.02, 1224.52, 1013.38, 1.2459], [867.73, 355.57, 1063.71, 945.52, 1.0358], [1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744], [104.97, 416.87, 233.93, 805.75, 0.30541]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1059.0, 425.0, 1243.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1842.0, 426.0, 2066.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 535.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [32.0, 405.0, 308.0, 849.0, 1.0], [826.0, 440.0, 904.0, 657.0, 1.0], [1728.0, 398.0, 1884.0, 849.0, 1.0], [1209.0, 430.0, 1330.0, 681.0, 1.0], [1438.0, 439.0, 1487.0, 549.0, 1.0], [1202.0, 446.0, 1249.0, 551.0, 1.0], [877.0, 450.0, 899.0, 520.0, 1.0], [827.0, 445.0, 853.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 536.0, 540.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 321, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 13, "confidence": 1, "age": 320}, {"time_since_observed": 1, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 1, "age": 236}, {"time_since_observed": 0, "confidence": 0.5, "age": 127}, {"time_since_observed": 7, "confidence": 0.10572529372941442, "age": 112}, {"time_since_observed": 0, "confidence": 0.5, "age": 101}, {"time_since_observed": 1, "confidence": 0.48318939295339514, "age": 6}], "unmatched": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]], "unmatched_before_before": [[1209.6, 449.36, 1241.09, 545.83, 0.7814], [1732.7, 389.14, 1880.99, 836.0, 0.51941]]}, "ret_dets": [[822.8, 446.72, 891.444, 654.6500000000001, 2.321], [1014.4, 381.02, 1224.52, 1013.38, 1.2459], [867.73, 355.57, 1063.71, 945.52, 1.0358], [1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744], [104.97, 416.87, 233.93, 805.75, 0.30541]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1059.0, 425.0, 1243.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 559.0, 1.0], [1054.0, 400.0, 1244.0, 1009.0, 1.0], [1842.0, 426.0, 2066.0, 941.0, 1.0], [896.0, 421.0, 1039.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 535.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [32.0, 405.0, 308.0, 849.0, 1.0], [826.0, 440.0, 904.0, 657.0, 1.0], [1728.0, 398.0, 1884.0, 849.0, 1.0], [1209.0, 430.0, 1330.0, 681.0, 1.0], [1438.0, 439.0, 1487.0, 549.0, 1.0], [1202.0, 446.0, 1249.0, 551.0, 1.0], [877.0, 450.0, 899.0, 520.0, 1.0], [827.0, 445.0, 853.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 536.0, 540.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [559.0, 460.0, 577.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 322, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 14, "confidence": 1, "age": 321}, {"time_since_observed": 2, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "unmatched": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched_before_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]]}, "ret_ret": [[98.84646104397824, 411.6635490791572, 230.8459782262185, 809.6425811678367, 19.0], [868.1416419048895, 355.7647055847926, 1063.6082772779744, 944.1754987798117, 15.0], [823.2508200399252, 447.3589971625108, 891.6115921751359, 654.4423226427881, 12.0], [1015.6167138895922, 381.13064482510055, 1225.7004606527923, 1013.3820212815299, 8.0], [1239.7849588041397, 420.84769756557614, 1325.7643956513405, 680.7707563861514, 7.0], [934.7923490801159, 282.01091075036373, 1194.0134175101475, 1061.6766918697635, 2.0]], "ret_unmatched_trks_pos": [[495.0193731791089, 448.2852537353955, 536.3301787139867, 574.2286293087551, 14.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1014.4, 381.02, 1224.52, 1013.38, 1.4305], [822.07, 433.93, 895.7130000000001, 656.86, 1.2737], [858.42, 412.56, 1028.8999999999999, 926.01, 1.0815], [874.05, 243.51, 1115.56, 970.05, 0.32439]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1061.0, 424.0, 1244.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 534.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [36.0, 405.0, 312.0, 847.0, 1.0], [828.0, 440.0, 908.0, 656.0, 1.0], [1744.0, 397.0, 1891.0, 851.0, 1.0], [1210.0, 430.0, 1327.0, 682.0, 1.0], [1440.0, 439.0, 1490.0, 549.0, 1.0], [1204.0, 446.0, 1251.0, 551.0, 1.0], [878.0, 450.0, 900.0, 520.0, 1.0], [828.0, 445.0, 854.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [534.0, 460.0, 550.0, 512.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 322, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 14, "confidence": 1, "age": 321}, {"time_since_observed": 2, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 1, "age": 237}, {"time_since_observed": 0, "confidence": 0.5, "age": 128}, {"time_since_observed": 0, "confidence": 0.5, "age": 102}, {"time_since_observed": 0, "confidence": 0.48318939295339514, "age": 7}], "unmatched": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]], "unmatched_before_before": [[1732.7, 389.14, 1880.99, 836.0, 0.38354], [1441.6, 441.39, 1477.9209999999998, 552.35, 0.353]]}, "ret_dets": [[1014.4, 381.02, 1224.52, 1013.38, 1.4305], [822.07, 433.93, 895.7130000000001, 656.86, 1.2737], [858.42, 412.56, 1028.8999999999999, 926.01, 1.0815], [874.05, 243.51, 1115.56, 970.05, 0.32439]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1061.0, 424.0, 1244.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1040.0, 946.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 534.0, 563.0, 1.0], [432.0, 456.0, 462.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [36.0, 405.0, 312.0, 847.0, 1.0], [828.0, 440.0, 908.0, 656.0, 1.0], [1744.0, 397.0, 1891.0, 851.0, 1.0], [1210.0, 430.0, 1327.0, 682.0, 1.0], [1440.0, 439.0, 1490.0, 549.0, 1.0], [1204.0, 446.0, 1251.0, 551.0, 1.0], [878.0, 450.0, 900.0, 520.0, 1.0], [828.0, 445.0, 854.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [534.0, 460.0, 550.0, 512.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [580.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 517.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 323, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 3, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]]}, "ret_ret": [[861.1678582233733, 390.5967948336259, 1041.4579083346368, 933.4890989180562, 15.0], [823.4018169240476, 438.77969804263756, 895.1218366047581, 655.9460018696449, 12.0], [1015.4861153503737, 381.0986729289664, 1225.5962056025135, 1013.4290332004739, 8.0], [1234.5816903085524, 420.4329467765191, 1320.4483051889406, 680.0149353157407, 7.0], [874.9254402869128, 243.31836625618024, 1117.3831797175626, 972.700811332089, 2.0]], "ret_unmatched_trks_pos": [[109.60980567160065, 415.4241827901509, 239.10291613322823, 805.8463893541369, 19.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[1014.4, 381.02, 1224.52, 1013.38, 1.4352], [837.0, 433.93, 910.643, 656.86, 1.3534], [858.42, 412.56, 1028.8999999999999, 926.01, 1.2592], [120.43, 389.14, 268.72, 836.0, 0.75767]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1062.0, 423.0, 1246.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [40.0, 405.0, 315.0, 845.0, 1.0], [830.0, 440.0, 912.0, 656.0, 1.0], [1746.0, 397.0, 1902.0, 851.0, 1.0], [1212.0, 430.0, 1325.0, 683.0, 1.0], [1442.0, 439.0, 1494.0, 549.0, 1.0], [1205.0, 446.0, 1252.0, 551.0, 1.0], [880.0, 450.0, 902.0, 520.0, 1.0], [829.0, 445.0, 855.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 323, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 0, "confidence": 1, "age": 322}, {"time_since_observed": 3, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 1, "age": 238}, {"time_since_observed": 0, "confidence": 0.5, "age": 129}, {"time_since_observed": 0, "confidence": 0.5, "age": 103}, {"time_since_observed": 1, "confidence": 0.4519494196621088, "age": 8}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[1441.6, 433.93, 1477.9209999999998, 544.89, 0.49744]]}, "ret_dets": [[1014.4, 381.02, 1224.52, 1013.38, 1.4352], [837.0, 433.93, 910.643, 656.86, 1.3534], [858.42, 412.56, 1028.8999999999999, 926.01, 1.2592], [120.43, 389.14, 268.72, 836.0, 0.75767]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1062.0, 423.0, 1246.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [961.0, 449.0, 988.0, 525.0, 1.0], [1099.0, 437.0, 1138.0, 546.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1055.0, 400.0, 1245.0, 1009.0, 1.0], [896.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [381.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 438.0, 544.0, 1.0], [40.0, 405.0, 315.0, 845.0, 1.0], [830.0, 440.0, 912.0, 656.0, 1.0], [1746.0, 397.0, 1902.0, 851.0, 1.0], [1212.0, 430.0, 1325.0, 683.0, 1.0], [1442.0, 439.0, 1494.0, 549.0, 1.0], [1205.0, 446.0, 1252.0, 551.0, 1.0], [880.0, 450.0, 902.0, 520.0, 1.0], [829.0, 445.0, 855.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [665.0, 531.0, 714.0, 609.0, 0.0], [504.0, 461.0, 535.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 324, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 323}, {"time_since_observed": 4, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[120.36639992544256, 394.7783530566539, 264.64336697755306, 829.6067533828934, 19.0], [858.734214390594, 404.4282822064295, 1032.8831021797282, 928.8900079202213, 15.0], [833.1429417138896, 435.5730168341884, 906.1054598685324, 656.4654195522239, 12.0], [1015.3766628334494, 381.0824970142419, 1225.496775110128, 1013.4429051368372, 8.0], [1229.3502441343885, 419.9330124985411, 1315.1603924051174, 679.3442977342509, 7.0], [874.6450052195237, 241.59031221498492, 1116.9418696730936, 970.4887992023231, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.322], [867.73, 355.57, 1063.71, 945.52, 1.2355], [150.29, 389.14, 298.58, 836.0, 0.7811], [822.07, 448.86, 895.7130000000001, 671.79, 0.51161]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1064.0, 421.0, 1247.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [44.0, 406.0, 319.0, 844.0, 1.0], [833.0, 439.0, 917.0, 655.0, 1.0], [1749.0, 398.0, 1914.0, 851.0, 1.0], [1214.0, 431.0, 1323.0, 685.0, 1.0], [1444.0, 439.0, 1498.0, 549.0, 1.0], [1206.0, 446.0, 1253.0, 551.0, 1.0], [881.0, 450.0, 903.0, 520.0, 1.0], [830.0, 445.0, 856.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 324, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 1, "confidence": 1, "age": 323}, {"time_since_observed": 4, "confidence": 1, "age": 241}, {"time_since_observed": 0, "confidence": 1, "age": 239}, {"time_since_observed": 0, "confidence": 0.5, "age": 130}, {"time_since_observed": 0, "confidence": 0.5, "age": 104}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 9}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.322], [867.73, 355.57, 1063.71, 945.52, 1.2355], [150.29, 389.14, 298.58, 836.0, 0.7811], [822.07, 448.86, 895.7130000000001, 671.79, 0.51161]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1064.0, 421.0, 1247.0, 908.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1041.0, 947.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 533.0, 563.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [44.0, 406.0, 319.0, 844.0, 1.0], [833.0, 439.0, 917.0, 655.0, 1.0], [1749.0, 398.0, 1914.0, 851.0, 1.0], [1214.0, 431.0, 1323.0, 685.0, 1.0], [1444.0, 439.0, 1498.0, 549.0, 1.0], [1206.0, 446.0, 1253.0, 551.0, 1.0], [881.0, 450.0, 903.0, 520.0, 1.0], [830.0, 445.0, 856.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 456.0, 701.0, 516.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [540.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 325, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 324}, {"time_since_observed": 5, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[144.29720148366445, 391.1583365732796, 291.20083814741633, 833.8635105684535, 19.0], [864.2122163586794, 373.274938160064, 1052.141006986959, 939.083087430831, 15.0], [827.0029790488202, 444.11648867815114, 900.4341041990613, 666.4136937844864, 12.0], [1022.1205108540951, 389.3466358834526, 1223.5671592837768, 995.6958961460375, 8.0], [1224.1046882771072, 419.39042346345644, 1309.8865893044115, 678.7163149098676, 7.0], [874.3243714421894, 239.7413289206441, 1116.5407583385697, 968.3977163257027, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.5981], [867.73, 355.57, 1063.71, 945.52, 1.2703], [150.29, 389.14, 298.58, 836.0, 1.0382], [681.03, 460.48, 725.978, 597.32, 0.31927]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1065.0, 420.0, 1248.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1042.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 532.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [67.0, 405.0, 322.0, 841.0, 1.0], [835.0, 439.0, 921.0, 655.0, 1.0], [1751.0, 398.0, 1925.0, 852.0, 1.0], [1208.0, 430.0, 1312.0, 683.0, 1.0], [1445.0, 439.0, 1497.0, 549.0, 1.0], [1208.0, 446.0, 1255.0, 551.0, 1.0], [883.0, 450.0, 905.0, 520.0, 1.0], [832.0, 445.0, 858.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 325, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 2, "confidence": 1, "age": 324}, {"time_since_observed": 5, "confidence": 1, "age": 242}, {"time_since_observed": 0, "confidence": 1, "age": 240}, {"time_since_observed": 0, "confidence": 0.5, "age": 131}, {"time_since_observed": 0, "confidence": 0.5, "age": 105}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 10}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.5981], [867.73, 355.57, 1063.71, 945.52, 1.2703], [150.29, 389.14, 298.58, 836.0, 1.0382], [681.03, 460.48, 725.978, 597.32, 0.31927]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1065.0, 420.0, 1248.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 449.0, 987.0, 525.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1056.0, 401.0, 1246.0, 1010.0, 1.0], [897.0, 421.0, 1042.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 532.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [409.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [67.0, 405.0, 322.0, 841.0, 1.0], [835.0, 439.0, 921.0, 655.0, 1.0], [1751.0, 398.0, 1925.0, 852.0, 1.0], [1208.0, 430.0, 1312.0, 683.0, 1.0], [1445.0, 439.0, 1497.0, 549.0, 1.0], [1208.0, 446.0, 1255.0, 551.0, 1.0], [883.0, 450.0, 905.0, 520.0, 1.0], [832.0, 445.0, 858.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 534.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 516.0, 1.0], [985.0, 458.0, 1006.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 326, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 325}, {"time_since_observed": 6, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "unmatched": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched_before_before": []}, "ret_ret": [[152.4498072246964, 389.9116578139358, 300.25704697288813, 835.3256341105384, 19.0], [866.445654815729, 361.8004231852007, 1059.3802876203395, 942.6200831945976, 15.0], [829.3000057266291, 444.5167824938342, 902.8524292877852, 667.1811928918639, 12.0], [1024.6881758224133, 392.6674160449361, 1222.7227158803164, 988.7807965710053, 8.0], [1218.8520723533022, 418.8264912543108, 1304.6198462702293, 678.1096752595455, 7.0], [873.9836232899636, 237.83183581550503, 1116.1597613789374, 966.3671432598805, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.312], [883.2, 405.34, 1065.99, 955.72, 1.238], [168.15, 391.01, 306.44, 807.87, 1.0596], [541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1067.0, 419.0, 1250.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 448.0, 987.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [897.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [90.0, 404.0, 325.0, 838.0, 1.0], [837.0, 439.0, 925.0, 654.0, 1.0], [1754.0, 399.0, 1937.0, 852.0, 1.0], [1203.0, 430.0, 1301.0, 682.0, 1.0], [1447.0, 439.0, 1497.0, 549.0, 1.0], [1209.0, 446.0, 1256.0, 551.0, 1.0], [884.0, 450.0, 906.0, 520.0, 1.0], [833.0, 445.0, 859.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 533.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 326, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 3, "confidence": 1, "age": 325}, {"time_since_observed": 6, "confidence": 1, "age": 243}, {"time_since_observed": 0, "confidence": 1, "age": 241}, {"time_since_observed": 1, "confidence": 1, "age": 132}, {"time_since_observed": 0, "confidence": 0.5, "age": 106}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 11}], "unmatched": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]], "unmatched_before_before": []}, "ret_dets": [[1025.3, 394.97, 1221.28, 984.9200000000001, 1.312], [883.2, 405.34, 1065.99, 955.72, 1.238], [168.15, 391.01, 306.44, 807.87, 1.0596], [541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1067.0, 419.0, 1250.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [960.0, 448.0, 987.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [897.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [90.0, 404.0, 325.0, 838.0, 1.0], [837.0, 439.0, 925.0, 654.0, 1.0], [1754.0, 399.0, 1937.0, 852.0, 1.0], [1203.0, 430.0, 1301.0, 682.0, 1.0], [1447.0, 439.0, 1497.0, 549.0, 1.0], [1209.0, 446.0, 1256.0, 551.0, 1.0], [884.0, 450.0, 906.0, 520.0, 1.0], [833.0, 445.0, 859.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 714.0, 610.0, 0.0], [504.0, 461.0, 533.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 601.0, 513.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 327, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 326}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 2, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "unmatched": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched_before_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]]}, "ret_ret": [[166.8130968899143, 390.4340650397062, 308.4913489958295, 817.45829646949, 19.0], [877.1894049359132, 389.3245107940486, 1063.8448326294247, 951.3042011226003, 15.0], [831.6273944834722, 445.0089910840315, 905.240392297475, 667.8567772247271, 12.0], [1025.621880728418, 393.97554588520853, 1222.3380630248253, 986.1335569835385, 8.0], [1213.5959250882377, 418.25188350394694, 1299.3566345773067, 677.5137111504415, 7.0], [873.6328141902169, 235.89207649358178, 1115.7888253668261, 964.3668364108426, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[883.2, 405.34, 1065.99, 955.72, 1.3726], [1014.4, 381.02, 1224.52, 1013.38, 1.3363], [168.15, 418.86, 306.44, 835.72, 0.84231]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1068.0, 417.0, 1251.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [898.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [113.0, 403.0, 328.0, 835.0, 1.0], [840.0, 439.0, 930.0, 654.0, 1.0], [1756.0, 399.0, 1948.0, 853.0, 1.0], [1198.0, 429.0, 1290.0, 681.0, 1.0], [1449.0, 439.0, 1497.0, 550.0, 1.0], [1210.0, 446.0, 1257.0, 551.0, 1.0], [886.0, 450.0, 908.0, 520.0, 1.0], [834.0, 445.0, 860.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 327, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 4, "confidence": 1, "age": 326}, {"time_since_observed": 7, "confidence": 0.9103206268864519, "age": 244}, {"time_since_observed": 0, "confidence": 1, "age": 242}, {"time_since_observed": 2, "confidence": 1, "age": 133}, {"time_since_observed": 0, "confidence": 0.5, "age": 107}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 12}], "unmatched": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]], "unmatched_before_before": [[681.03, 460.48, 725.978, 597.32, 0.31927]]}, "ret_dets": [[883.2, 405.34, 1065.99, 955.72, 1.3726], [1014.4, 381.02, 1224.52, 1013.38, 1.3363], [168.15, 418.86, 306.44, 835.72, 0.84231]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1068.0, 417.0, 1251.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1057.0, 401.0, 1247.0, 1010.0, 1.0], [898.0, 421.0, 1043.0, 948.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 531.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [113.0, 403.0, 328.0, 835.0, 1.0], [840.0, 439.0, 930.0, 654.0, 1.0], [1756.0, 399.0, 1948.0, 853.0, 1.0], [1198.0, 429.0, 1290.0, 681.0, 1.0], [1449.0, 439.0, 1497.0, 550.0, 1.0], [1210.0, 446.0, 1257.0, 551.0, 1.0], [886.0, 450.0, 908.0, 520.0, 1.0], [834.0, 445.0, 860.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 727.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 515.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271, 82698.18032736405], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 328, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 327}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]]}, "ret_ret": [[171.8053012676717, 409.144596569717, 311.1138138840994, 829.0562827203422, 19.0], [881.2952632013396, 399.89060705277274, 1065.4970773775249, 954.5068358289827, 15.0], [833.9699361456226, 445.54707189111434, 907.6132024018575, 668.4864893407047, 12.0], [1018.9796577626161, 385.88753484835195, 1224.0877350440826, 1003.2186338601026, 8.0], [1208.3380118253235, 417.67193699376213, 1294.0951888822337, 676.9230858011585, 7.0], [873.2769736760529, 233.93718123350095, 1115.422920769132, 962.3816654999621, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}, +{"dets": [[892.72, 412.56, 1063.2, 926.01, 1.3329], [168.15, 418.86, 306.44, 835.72, 1.2205], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.1015]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1070.0, 416.0, 1252.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1044.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 530.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [136.0, 403.0, 332.0, 832.0, 1.0], [848.0, 439.0, 933.0, 654.0, 1.0], [1759.0, 400.0, 1960.0, 853.0, 1.0], [1193.0, 429.0, 1279.0, 680.0, 1.0], [1452.0, 439.0, 1499.0, 550.0, 1.0], [1211.0, 446.0, 1258.0, 551.0, 1.0], [887.0, 450.0, 909.0, 520.0, 1.0], [836.0, 445.0, 862.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271, 82698.18032736405], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 328, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 5, "confidence": 1, "age": 327}, {"time_since_observed": 8, "confidence": 0.8233250134262691, "age": 245}, {"time_since_observed": 0, "confidence": 1, "age": 243}, {"time_since_observed": 3, "confidence": 0.8867628578108504, "age": 134}, {"time_since_observed": 0, "confidence": 0.5, "age": 108}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 13}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": [[541.0, 457.0, 560.0, 516.0, 0.59499], [681.03, 460.48, 725.978, 597.32, 0.4202]]}, "ret_dets": [[892.72, 412.56, 1063.2, 926.01, 1.3329], [168.15, 418.86, 306.44, 835.72, 1.2205], [1025.3, 394.97, 1221.28, 984.9200000000001, 1.1015]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1070.0, 416.0, 1252.0, 909.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1044.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 530.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [136.0, 403.0, 332.0, 832.0, 1.0], [848.0, 439.0, 933.0, 654.0, 1.0], [1759.0, 400.0, 1960.0, 853.0, 1.0], [1193.0, 429.0, 1279.0, 680.0, 1.0], [1452.0, 439.0, 1499.0, 550.0, 1.0], [1211.0, 446.0, 1258.0, 551.0, 1.0], [887.0, 450.0, 909.0, 520.0, 1.0], [836.0, 445.0, 862.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 532.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271, 82698.18032736405, 83587.67547289742], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 329, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 328}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_ret": [[173.26738557287342, 416.1950256941554, 311.68544800642843, 833.4340314644248, 19.0], [888.80767695024, 407.8683661368319, 1064.51863448021, 937.0142416352368, 15.0], [836.3200472504952, 446.1080675855552, 909.9784430635177, 669.0932865693243, 12.0], [1023.3306310920972, 391.32921955084987, 1222.796399298718, 991.7363319842535, 8.0], [872.9186172194362, 231.97471729665978, 1115.0595321138903, 960.4040632658421, 2.0]], "ret_unmatched_trks_pos": [[1203.0792154816525, 417.08932085628066, 1288.8346262679177, 676.3351300791721, 7.0]], "ret_unmatched_gts_pos": []}, +{"dets": [[168.15, 418.86, 306.44, 835.72, 1.707], [892.72, 412.56, 1063.2, 926.01, 1.6176], [1014.4, 381.02, 1224.52, 1013.38, 1.3514], [1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1072.0, 415.0, 1254.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1045.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 529.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [159.0, 402.0, 335.0, 829.0, 1.0], [856.0, 439.0, 937.0, 654.0, 1.0], [1761.0, 400.0, 1971.0, 854.0, 1.0], [1187.0, 428.0, 1274.0, 680.0, 1.0], [1455.0, 439.0, 1501.0, 550.0, 1.0], [1213.0, 446.0, 1260.0, 551.0, 1.0], [888.0, 450.0, 910.0, 520.0, 1.0], [837.0, 445.0, 863.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 531.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271, 82698.18032736405, 83587.67547289742], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 329, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 6, "confidence": 1, "age": 328}, {"time_since_observed": 9, "confidence": 0.7269819466317097, "age": 246}, {"time_since_observed": 0, "confidence": 1, "age": 244}, {"time_since_observed": 4, "confidence": 0.6631776193990306, "age": 135}, {"time_since_observed": 0, "confidence": 0.5, "age": 109}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 14}], "unmatched": [], "unmatched_before": [], "unmatched_before_before": []}, "ret_dets": [[168.15, 418.86, 306.44, 835.72, 1.707], [892.72, 412.56, 1063.2, 926.01, 1.6176], [1014.4, 381.02, 1224.52, 1013.38, 1.3514], [1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "ret_gts": [[912.0, 484.0, 1009.0, 593.0, 0.0], [1072.0, 415.0, 1254.0, 910.0, 1.0], [1585.0, -1.0, 1921.0, 577.0, 0.0], [1163.0, 441.0, 1196.0, 530.0, 0.0], [1308.0, 431.0, 1342.0, 549.0, 0.0], [907.0, 414.0, 937.0, 553.0, 0.0], [1051.0, 484.0, 1091.0, 590.0, 1.0], [1085.0, 484.0, 1126.0, 596.0, 1.0], [697.0, 487.0, 740.0, 586.0, 0.0], [679.0, 492.0, 726.0, 599.0, 0.0], [727.0, 480.0, 783.0, 592.0, 0.0], [959.0, 448.0, 986.0, 524.0, 1.0], [1100.0, 438.0, 1139.0, 547.0, 1.0], [990.0, 447.0, 1025.0, 558.0, 1.0], [1058.0, 402.0, 1248.0, 1011.0, 1.0], [898.0, 421.0, 1045.0, 949.0, 1.0], [835.0, 473.0, 887.0, 548.0, 0.0], [796.0, 476.0, 851.0, 536.0, 0.0], [380.0, 464.0, 424.0, 574.0, 1.0], [490.0, 455.0, 529.0, 564.0, 1.0], [431.0, 456.0, 461.0, 564.0, 1.0], [410.0, 469.0, 455.0, 571.0, 1.0], [371.0, 447.0, 413.0, 551.0, 0.0], [408.0, 461.0, 439.0, 544.0, 1.0], [159.0, 402.0, 335.0, 829.0, 1.0], [856.0, 439.0, 937.0, 654.0, 1.0], [1761.0, 400.0, 1971.0, 854.0, 1.0], [1187.0, 428.0, 1274.0, 680.0, 1.0], [1455.0, 439.0, 1501.0, 550.0, 1.0], [1213.0, 446.0, 1260.0, 551.0, 1.0], [888.0, 450.0, 910.0, 520.0, 1.0], [837.0, 445.0, 863.0, 521.0, 1.0], [633.0, 459.0, 655.0, 523.0, 1.0], [678.0, 457.0, 701.0, 517.0, 1.0], [659.0, 462.0, 684.0, 534.0, 0.0], [692.0, 462.0, 711.0, 532.0, 0.0], [711.0, 478.0, 728.0, 536.0, 0.0], [727.0, 515.0, 782.0, 601.0, 0.0], [908.0, 408.0, 934.0, 537.0, 0.0], [694.0, 520.0, 734.0, 591.0, 0.0], [664.0, 531.0, 713.0, 610.0, 0.0], [504.0, 461.0, 531.0, 540.0, 1.0], [533.0, 460.0, 549.0, 511.0, 1.0], [581.0, 459.0, 601.0, 517.0, 1.0], [560.0, 460.0, 578.0, 518.0, 1.0], [559.0, 455.0, 578.0, 514.0, 1.0], [597.0, 458.0, 619.0, 511.0, 1.0], [581.0, 454.0, 602.0, 512.0, 1.0], [541.0, 457.0, 561.0, 514.0, 1.0], [985.0, 458.0, 1007.0, 512.0, 0.0], [1006.0, 453.0, 1024.0, 514.0, 0.0], [1012.0, 454.0, 1041.0, 532.0, 1.0], [1120.0, 449.0, 1158.0, 548.0, 1.0]], "ret_self": {"area_avg_array": [0, 38317.11049999999, 27678.511091339285, 40559.669920511325, 37894.16347344116, 33416.426909973314, 37099.49138231873, 42327.496908736364, 41899.645008540414, 43632.14584964385, 42257.88713731571, 40780.42096181836, 41242.063343166206, 44227.14630929491, 44914.9080941074, 46961.41488824861, 35233.49032028802, 33987.1930667672, 34807.352144271434, 34988.46766943957, 32697.497424139863, 31686.64921068143, 31339.745890002065, 35070.313684360284, 38227.43009144287, 37521.95254768199, 37933.0836814937, 36387.005629979845, 37675.40517195888, 36976.43864375954, 39085.88616223032, 40794.528893818206, 38725.18380509759, 31568.928828889213, 31188.62597979776, 31427.564092942466, 31042.91497519174, 31376.4938283896, 32140.024557898996, 31294.558996880154, 34418.13851418193, 34492.464697363896, 35274.6700000262, 33117.99068126504, 34632.66440931911, 34855.10554945025, 31090.440769758385, 30580.30947756609, 30356.96574292538, 30200.655370054126, 36371.71462690643, 36355.65667584492, 36348.81268834209, 20176.22774786844, 19744.05829019198, 19578.10849650839, 19513.879441629728, 20555.66949370799, 29647.73596969802, 27921.612190424865, 27262.886574737706, 27433.849680443338, 28603.579354949135, 28649.622653476756, 30803.222701009774, 29442.49459113522, 28714.814541007087, 28437.87819897287, 29521.063616823514, 29934.480780161954, 30715.711127515882, 30843.84368747562, 30889.49820060259, 30906.188554407447, 30916.657672131783, 32756.25735585234, 33195.79965718207, 30395.105006394042, 29335.65740728794, 26716.14553311332, 28660.89243611884, 32979.0562601315, 34626.330485663435, 28782.43960716101, 31994.71112968957, 34156.65181278867, 31746.92157423231, 31127.620779465662, 31440.09548461326, 30091.72074467023, 30068.44068404959, 28404.06065421374, 28307.775265772903, 28980.71443323829, 30142.760961602326, 30305.191119998915, 30027.63505494061, 29941.909528475968, 30347.838574531506, 31982.600988986174, 31918.83544194523, 33007.47532835774, 34088.2563541501, 32423.53867598383, 32750.906720752726, 32097.463476593133, 33423.82041528031, 33884.978566405654, 33277.75856583667, 33854.387728327434, 34841.36240664116, 36505.66857242135, 34984.07921631349, 34741.248121326076, 34976.6155786298, 30569.561223767876, 31312.951072800024, 31360.703525707064, 30832.359653102012, 31846.285434349862, 25108.921295621116, 24852.888538354382, 23909.477853805794, 24392.339542411268, 24631.07530317627, 25130.236593565387, 25304.652245139143, 25585.883632352623, 26691.787404530634, 27522.416349693645, 27418.487938284845, 28492.686209752963, 29257.66140513454, 28451.87853920746, 28837.919879875284, 28546.857119808334, 29970.802604106546, 30512.140516251762, 28964.331506648374, 28993.610417058226, 27361.042019642093, 44674.98279258076, 42839.50854320139, 40305.19371358487, 42995.54322102978, 42189.70037304218, 41879.3692563351, 39239.14569611801, 39836.0147023516, 39378.71188770526, 41126.6642030188, 42985.86866180526, 43192.34384876516, 33611.445346253226, 33631.30541697515, 37881.73192474145, 33817.91732965426, 33418.17337668268, 33808.022337685776, 41281.263769303965, 47291.54974416134, 53373.56236835373, 58446.199813166924, 55166.8799378126, 59937.65651221584, 61728.306325799946, 60046.85728109523, 60685.4248956237, 61525.851928130054, 62036.0651173646, 62363.17126778268, 59957.54060417393, 62483.30821791463, 64174.110696734395, 56511.03043192209, 55229.5371756217, 54724.16330952654, 54519.31329919544, 54480.41403198173, 53939.02911406437, 49865.200217524354, 51701.48161951506, 52711.85334512396, 48711.517890507304, 47885.52422544819, 51242.19921113908, 52520.60098107217, 55067.24377653161, 56735.82738525428, 54606.893591029184, 52569.57427413261, 51055.32089337418, 50520.77966317534, 47635.88530327077, 43449.852171076614, 44253.57667307464, 47244.13736987644, 48380.105753454925, 46918.62628418121, 46604.7254980452, 39945.675495869524, 42276.388344540646, 42090.96540872055, 41912.60440267493, 41843.95973501963, 40766.97081207496, 47748.153114414155, 55744.890045175, 56124.962053241514, 47650.77195936019, 47849.145215178396, 46330.09212011282, 48425.949441690194, 49551.73234305009, 47203.7987550161, 43859.946927752346, 44807.904525242164, 48167.2671472216, 46316.96103936528, 44127.10991182834, 51063.37239601586, 51435.57929995052, 50483.674229266355, 55729.9564821064, 55607.34010490582, 62812.34323326364, 63558.05769836639, 66852.48173973642, 66059.76300842503, 64655.1264411128, 65045.532709472485, 66644.9220662642, 67107.75170800193, 74474.99740607243, 74750.26723740135, 75767.11281165518, 76133.4706092537, 75251.88217698653, 75166.23970992707, 75216.46689096665, 72684.51265503377, 69211.25630705862, 58520.676907773755, 60122.32610595256, 60729.29062081332, 58989.82019478766, 57902.96751171428, 59363.5961439048, 60105.09362720861, 58513.51472166822, 62109.78534768047, 57099.55907474278, 57502.18099374439, 58228.73308030546, 59376.752801466275, 61058.94598951069, 60792.504481993434, 70380.27006909935, 70632.05944203556, 78916.25335657185, 76949.6472705005, 73336.21441684182, 75564.98921372987, 73853.9344080118, 64829.09025145869, 65450.451604333546, 65373.13324900514, 65664.60980061433, 74741.26293820144, 74545.32643638893, 68281.51363422099, 74649.28478173699, 73060.6574958258, 78327.84086991774, 76233.24939911897, 75621.267442002, 76475.49287371976, 75751.8539477187, 75312.29594502965, 73944.09026212434, 73800.81322769704, 75281.90894798623, 79913.14949318045, 79504.61601676606, 82933.36631403294, 82693.39123116022, 82588.77656834868, 82549.3749106223, 77953.696123542, 79638.2579008614, 82622.38783015, 79939.38824396425, 77980.28284839648, 77039.91744072174, 75327.12922505756, 72342.95538087691, 75780.59313929497, 74259.10279013478, 72290.23203640386, 70619.10374249858, 73421.57127645823, 72222.17871728404, 77996.85044679628, 79625.30303662278, 78890.43487030055, 83019.40581495919, 83045.60117393786, 83066.09982992926, 82963.12377814013, 82953.51934722943, 82761.33691794905, 81510.91762348903, 82215.43912005945, 81499.22997160033, 81108.71979844959, 81317.16296305742, 80058.31697996834, 79101.78846200695, 80727.62791108142, 77249.23395874604, 78646.07694431022, 79050.432521841, 89491.4054038358, 82259.8653890149, 83535.29820422469, 84714.73492197662, 85138.1769184271, 82698.18032736405, 83587.67547289742, 80757.07447521579], "conf_objt": 0.75, "conf_trgt": 0.35, "frame_count": 330, "max_age": 3, "min_hits": 3, "seq": "MOT17-02-DPM", "trackers": [{"time_since_observed": 7, "confidence": 1, "age": 329}, {"time_since_observed": 10, "confidence": 0.6799418323594753, "age": 247}, {"time_since_observed": 0, "confidence": 1, "age": 245}, {"time_since_observed": 5, "confidence": 0.5533193333094559, "age": 136}, {"time_since_observed": 0, "confidence": 0.5, "age": 110}, {"time_since_observed": 0, "confidence": 0.4519494196621088, "age": 15}], "unmatched": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "unmatched_before": [[1463.5, 439.76, 1497.3220000000001, 543.23, 0.7487]], "unmatched_before_before": []}, "ret_ret": [[173.4355154115941, 418.79508750283253, 311.5312947477913, 835.0669538279503, 19.0], [891.6933188338694, 411.05946454173795, 1064.053234131422, 930.1493905216264, 15.0], [838.6739413271868, 446.6805154273054, 912.3399007533591, 669.6886316506345, 12.0], [1018.0465362414179, 384.9446150748134, 1224.1671553504952, 1005.3122989004416, 8.0], [1197.8204191561713, 416.50670477378895, 1283.5740636354117, 675.7471743021961, 7.0], [872.5590027327722, 230.00846884448805, 1114.6974014886962, 958.4302455470524, 2.0]], "ret_unmatched_trks_pos": [], "ret_unmatched_gts_pos": []}]} diff --git a/tracker_app.py b/tracker_app.py index f47e1ce..1ba215c 100644 --- a/tracker_app.py +++ b/tracker_app.py @@ -49,7 +49,7 @@ def parse_args(): conf_objt = 0.75 imgFolder = 'images/img_OH_EX_0.2_N_SEP_CONF_TOT_MIN_EXT_%s_%s' % (conf_trgt, conf_objt) # Occlusion Handling + Area Cost /Extended Separate outFolder = 'outputs/output_OH_EX_0.2_N_SEP_CONF_TOT_MIN_%s_%s' % (conf_trgt, conf_objt) - mot_path = 'C:/Users/mhnas/Courses/Thesis/MOT/MOT17' + mot_path = 'MOT17' args = parse_args() total_time = 0.0 @@ -60,8 +60,16 @@ def parse_args(): for seq in sequences: kalman_tracker.KalmanBoxTracker.count = 0 # Make zero ID number in the new sequence - mot_tracker = tracker.Sort_OH() # create instance of the SORT with occlusion handling tracker - mot_tracker.seq = seq + + if seq == 'MOT17-05-DPM' or seq == 'MOT17-05-FRCNN' or seq == 'MOT17-05-SDP' \ + or seq == 'MOT17-05-POI' or seq == 'MOT17-06-DPM' or seq == 'MOT17-06-FRCNN' \ + or seq == 'MOT17-06-SDP' or seq == 'MOT17-06-POI': + scene = np.array([640, 480]) + else: + scene = np.array([1920, 1080]) + + mot_tracker = tracker.Sort_OH(scene=scene) # create instance of the SORT with occlusion handling tracker + # mot_tracker.seq = seq mot_tracker.conf_trgt = conf_trgt mot_tracker.conf_objt = conf_objt common_path = ('%s/%s/%s' % (mot_path, phase, seq))